Open Access
Open access
Lecture Notes in Computer Science, pages 133-143

TTS-GAN: A Transformer-Based Time-Series Generative Adversarial Network

Xiaomin Li 1
Vangelis Metsis 1
Huangyingrui Wang 1
Anne Hee Hiong Ngu 1
Publication typeBook Chapter
Publication date2022-07-08
scimago Q2
SJR0.606
CiteScore2.6
Impact factor
ISSN03029743, 16113349, 18612075, 18612083
Abstract
Signal measurements appearing in the form of time series are one of the most common types of data used in medical machine learning applications. However, such datasets are often small, making the training of deep neural network architectures ineffective. For time-series, the suite of data augmentation tricks we can use to expand the size of the dataset is limited by the need to maintain the basic properties of the signal. Data generated by a Generative Adversarial Network (GAN) can be utilized as another data augmentation tool. RNN-based GANs suffer from the fact that they cannot effectively model long sequences of data points with irregular temporal relations. To tackle these problems, we introduce TTS-GAN, a transformer-based GAN which can successfully generate realistic synthetic time-series data sequences of arbitrary length, similar to the real ones. Both the generator and discriminator networks of the GAN model are built using a pure transformer encoder architecture. We use visualizations and dimensionality reduction techniques to demonstrate the similarity of real and generated time-series data. We also compare the quality of our generated data with the best existing alternative, which is an RNN-based time-series GAN. TTS-GAN source code: github.com/imics-lab/tts-gan
Lu K., Grover A., Abbeel P., Mordatch I.
We investigate the capability of a transformer pretrained on natural language to generalize to other modalities with minimal finetuning -- in particular, without finetuning of the self-attention and feedforward layers of the residual blocks. We consider such a model, which we call a Frozen Pretrained Transformer (FPT), and study finetuning it on a variety of sequence classification tasks spanning numerical computation, vision, and protein fold prediction. In contrast to prior works which investigate finetuning on the same modality as the pretraining dataset, we show that pretraining on natural language can improve performance and compute efficiency on non-language downstream tasks. Additionally, we perform an analysis of the architecture, comparing the performance of a random initialized transformer to a random LSTM. Combining the two insights, we find language-pretrained transformers can obtain strong performance on a variety of non-language tasks.
Diao S., Shen X., Shum K., Song Y., Zhang T.
2021-07-27 citations by CoLab: 14
Goodfellow I., Pouget-Abadie J., Mirza M., Xu B., Warde-Farley D., Ozair S., Courville A., Bengio Y.
Communications of the ACM scimago Q1 wos Q1
2020-10-22 citations by CoLab: 8166 Abstract  
Generative adversarial networks are a kind of artificial intelligence algorithm designed to solve the generative modeling problem. The goal of a generative model is to study a collection of trainin...
Ni H., Szpruch L., Wiese M., Liao S., Xiao B.
2020-07-03 citations by CoLab: 52 Abstract  
Generative adversarial networks (GANs) have been extremely successful in generating samples, from seemingly high dimensional probability measures. However, these methods struggle to capture the temporal dependence of joint probability distributions induced by time-series data. Furthermore, long time-series data streams hugely increase the dimension of the target space, which may render generative modeling infeasible. To overcome these challenges, we integrate GANs with mathematically principled and efficient path feature extraction called the signature of a path. The signature of a path is a graded sequence of statistics that provides a universal description for a stream of data, and its expected value characterizes the law of the time-series model. In particular, we a develop new metric, (conditional) Sig-$W_1$, that captures the (conditional) joint law of time series models, and use it as a discriminator. The signature feature space enables the explicit representation of the proposed discriminators which alleviates the need for expensive training. Furthermore, we develop a novel generator, called the conditional AR-FNN, which is designed to capture the temporal dependence of time series and can be efficiently trained. We validate our method on both synthetic and empirical datasets and observe that our method consistently and significantly outperforms state-of-the-art benchmarks with respect to measures of similarity and predictive ability.
Micucci D., Mobilio M., Napoletano P.
Applied Sciences (Switzerland) scimago Q2 wos Q2 Open Access
2017-10-24 citations by CoLab: 373 PDF
Huang R., Zhang S., Li T., He R.
2017-10-01 citations by CoLab: 456 Abstract  
Photorealistic frontal view synthesis from a single face image has a wide range of applications in the field of face recognition. Although data-driven deep learning methods have been proposed to address this problem by seeking solutions from ample face data, this problem is still challenging because it is intrinsically ill-posed. This paper proposes a Two-Pathway Generative Adversarial Network (TP-GAN) for photorealistic frontal view synthesis by simultaneously perceiving global structures and local details. Four landmark located patch networks are proposed to attend to local textures in addition to the commonly used global encoder-decoder network. Except for the novel architecture, we make this ill-posed problem well constrained by introducing a combination of adversarial loss, symmetry loss and identity preserving loss. The combined loss function leverages both frontal face distribution and pre-trained discriminative deep face models to guide an identity preserving inference of frontal views from profiles. Different from previous deep learning methods that mainly rely on intermediate features for recognition, our method directly leverages the synthesized identity preserving image for downstream tasks like face recognition and attribution estimation. Experimental results demonstrate that our method not only presents compelling perceptual results but also outperforms state-of-the-art results on large pose face recognition.
Zhang H., Xu T., Li H., Zhang S., Wang X., Huang X., Metaxas D.
2017-10-01 citations by CoLab: 1687 Abstract  
Synthesizing high-quality images from text descriptions is a challenging problem in computer vision and has many practical applications. Samples generated by existing textto- image approaches can roughly reflect the meaning of the given descriptions, but they fail to contain necessary details and vivid object parts. In this paper, we propose Stacked Generative Adversarial Networks (StackGAN) to generate 256.256 photo-realistic images conditioned on text descriptions. We decompose the hard problem into more manageable sub-problems through a sketch-refinement process. The Stage-I GAN sketches the primitive shape and colors of the object based on the given text description, yielding Stage-I low-resolution images. The Stage-II GAN takes Stage-I results and text descriptions as inputs, and generates high-resolution images with photo-realistic details. It is able to rectify defects in Stage-I results and add compelling details with the refinement process. To improve the diversity of the synthesized images and stabilize the training of the conditional-GAN, we introduce a novel Conditioning Augmentation technique that encourages smoothness in the latent conditioning manifold. Extensive experiments and comparisons with state-of-the-arts on benchmark datasets demonstrate that the proposed method achieves significant improvements on generating photo-realistic images conditioned on text descriptions.
Mao X., Li Q., Xie H., Lau R.Y., Wang Z., Smolley S.P.
2017-10-01 citations by CoLab: 3159 Abstract  
Unsupervised learning with generative adversarial networks (GANs) has proven hugely successful. Regular GANs hypothesize the discriminator as a classifier with the sigmoid cross entropy loss function. However, we found that this loss function may lead to the vanishing gradients problem during the learning process. To overcome such a problem, we propose in this paper the Least Squares Generative Adversarial Networks (LSGANs) which adopt the least squares loss function for the discriminator. We show that minimizing the objective function of LSGAN yields minimizing the Pearson X2 divergence. There are two benefits of LSGANs over regular GANs. First, LSGANs are able to generate higher quality images than regular GANs. Second, LSGANs perform more stable during the learning process. We evaluate LSGANs on LSUN and CIFAR-10 datasets and the experimental results show that the images generated by LSGANs are of better quality than the ones generated by regular GANs. We also conduct two comparison experiments between LSGANs and regular GANs to illustrate the stability of LSGANs.
Bousmalis K., Silberman N., Dohan D., Erhan D., Krishnan D.
2017-07-01 citations by CoLab: 969 Abstract  
Collecting well-annotated image datasets to train modern machine learning algorithms is prohibitively expensive for many tasks. One appealing alternative is rendering synthetic data where ground-truth annotations are generated automatically. Unfortunately, models trained purely on rendered images fail to generalize to real images. To address this shortcoming, prior work introduced unsupervised domain adaptation algorithms that have tried to either map representations between the two domains, or learn to extract features that are domain-invariant. In this work, we approach the problem in a new light by learning in an unsupervised manner a transformation in the pixel space from one domain to the other. Our generative adversarial network (GAN)-based method adapts source-domain images to appear as if drawn from the target domain. Our approach not only produces plausible samples, but also outperforms the state-of-the-art on a number of unsupervised domain adaptation scenarios by large margins. Finally, we demonstrate that the adaptation process generalizes to object classes unseen during training.
Ledig C., Theis L., Huszar F., Caballero J., Cunningham A., Acosta A., Aitken A., Tejani A., Totz J., Wang Z., Shi W.
2017-07-01 citations by CoLab: 7189 Abstract  
Despite the breakthroughs in accuracy and speed of single image super-resolution using faster and deeper convolutional neural networks, one central problem remains largely unsolved: how do we recover the finer texture details when we super-resolve at large upscaling factors? The behavior of optimization-based super-resolution methods is principally driven by the choice of the objective function. Recent work has largely focused on minimizing the mean squared reconstruction error. The resulting estimates have high peak signal-to-noise ratios, but they are often lacking high-frequency details and are perceptually unsatisfying in the sense that they fail to match the fidelity expected at the higher resolution. In this paper, we present SRGAN, a generative adversarial network (GAN) for image super-resolution (SR). To our knowledge, it is the first framework capable of inferring photo-realistic natural images for 4x upscaling factors. To achieve this, we propose a perceptual loss function which consists of an adversarial loss and a content loss. The adversarial loss pushes our solution to the natural image manifold using a discriminator network that is trained to differentiate between the super-resolved images and original photo-realistic images. In addition, we use a content loss motivated by perceptual similarity instead of similarity in pixel space. Our deep residual network is able to recover photo-realistic textures from heavily downsampled images on public benchmarks. An extensive mean-opinion-score (MOS) test shows hugely significant gains in perceptual quality using SRGAN. The MOS scores obtained with SRGAN are closer to those of the original high-resolution images than to those obtained with any state-of-the-art method.
Ratliff L.J., Burden S.A., Sastry S.S.
2013-10-01 citations by CoLab: 125 Abstract  
We present derivative-based necessary and sufficient conditions ensuring player strategies constitute local Nash equilibria in non-cooperative continuous games. Our results can be interpreted as generalizations of analogous second-order conditions for local optimality from nonlinear programming and optimal control theory. Drawing on this analogy, we propose an iterative steepest descent algorithm for numerical approximation of local Nash equilibria and provide a sufficient condition ensuring local convergence of the algorithm. We demonstrate our analytical and computational techniques by computing local Nash equilibria in games played on a finite-dimensional differentiable manifold or an infinite-dimensional Hilbert space.
Goldberger A.L., Amaral L.A., Glass L., Hausdorff J.M., Ivanov P.C., Mark R.G., Mietus J.E., Moody G.B., Peng C., Stanley H.E.
Circulation scimago Q1 wos Q1
2000-06-13 citations by CoLab: 10276 Abstract  
Abstract —The newly inaugurated Research Resource for Complex Physiologic Signals, which was created under the auspices of the National Center for Research Resources of the National Institutes of Health, is intended to stimulate current research and new investigations in the study of cardiovascular and other complex biomedical signals. The resource has 3 interdependent components. PhysioBank is a large and growing archive of well-characterized digital recordings of physiological signals and related data for use by the biomedical research community. It currently includes databases of multiparameter cardiopulmonary, neural, and other biomedical signals from healthy subjects and from patients with a variety of conditions with major public health implications, including life-threatening arrhythmias, congestive heart failure, sleep apnea, neurological disorders, and aging. PhysioToolkit is a library of open-source software for physiological signal processing and analysis, the detection of physiologically significant events using both classic techniques and novel methods based on statistical physics and nonlinear dynamics, the interactive display and characterization of signals, the creation of new databases, the simulation of physiological and other signals, the quantitative evaluation and comparison of analysis methods, and the analysis of nonstationary processes. PhysioNet is an on-line forum for the dissemination and exchange of recorded biomedical signals and open-source software for analyzing them. It provides facilities for the cooperative analysis of data and the evaluation of proposed new algorithms. In addition to providing free electronic access to PhysioBank data and PhysioToolkit software via the World Wide Web (http://www.physionet.org), PhysioNet offers services and training via on-line tutorials to assist users with varying levels of expertise.
Bousseljot R.
Biomedizinische Technik scimago Q3 wos Q4
1994-01-01 citations by CoLab: 23
Wold S., Esbensen K., Geladi P.
1987-08-01 citations by CoLab: 8781 Abstract  
Principal component analysis of a data matrix extracts the dominant patterns in the matrix in terms of a complementary set of score and loading plots. It is the responsibility of the data analyst to formulate the scientific issue at hand in terms of PC projections, PLS regressions, etc. Ask yourself, or the investigator, why the data matrix was collected, and for what purpose the experiments and measurements were made. Specify before the analysis what kinds of patterns you would expect and what you would find exciting. The results of the analysis depend on the scaling of the matrix, which therefore must be specified. Variance scaling, where each variable is scaled to unit variance, can be recommended for general use, provided that almost constant variables are left unscaled. Combining different types of variables warrants blockscaling. In the initial analysis, look for outliers and strong groupings in the plots, indicating that the data matrix perhaps should be “polished” or whether disjoint modeling is the proper course. For plotting purposes, two or three principal components are usually sufficient, but for modeling purposes the number of significant components should be properly determined, e.g. by cross-validation. Use the resulting principal components to guide your continued investigation or chemical experimentation, not as an end in itself.
Shen J., Wang K., Gao W., Liu J.K., Xu Q., Pan G., Chen X., Tang H.
Neural Networks scimago Q1 wos Q1
2025-04-01 citations by CoLab: 0
Kang H.Y., Ko M., Ryu K.S.
Scientific Reports scimago Q1 wos Q1 Open Access
2025-03-25 citations by CoLab: 0 PDF
Li S., Zhu T., Nie M., Ning H., Liu Z., Chen L.
IEEE Internet of Things Journal scimago Q1 wos Q1
2025-03-15 citations by CoLab: 0
Sue K., Chen Y.
2025-03-06 citations by CoLab: 0 Abstract  
PurposeRecently, due to the practicability in several domains, generative adversarial network (GAN) has successfully been adopted in the field of natural language generation (NLG). The purpose of this paper focuses on improving the quality of text and generating sequences similar to human writing for several real applications.Design/methodology/approachA novel model, GAN2, is developed based on a GAN with dual adversarial architecture. We train the generator by an internal discriminator with a beam search technique to improve the quality of generated sequences. Then, we enhance the generator with an external discriminator to optimize and strengthen the learning process of sequence generation.FindingsThe proposed GAN2 model could be utilized in widespread applications, such as chatbots, machine translation and image description. By the proposed dual adversarial structure, we significantly improve the quality of the generated text. The average and top-1 metrics, such as NLL, BLEU and ROUGE, are used to measure the generated sentences from the GAN2 model over all baselines. Several experiments are conducted to demonstrate the performance and superiority of the proposed model compared with the state-of-the-art methods on numerous evaluation metrics.Originality/valueGenerally, reward sparsity and mode collapse are two main challenging issues when adopt GAN to real NLG applications. In this study, GAN2 exploits a dual adversarial architecture which facilitates the learning process in the early training stage for solving the problem of reward sparsity. The occurrence of mode collapse also could be reduced in the later training stage with the introduced comparative discriminator by avoiding high rewards for training in a specific mode. Furthermore, the proposed model is applied to several synthetic and real datasets to show the practicability and exhibit great generalization with all discussed metrics.
Li X., Ma J., Wu J., Li Z., Tan Z.
Scientific Reports scimago Q1 wos Q1 Open Access
2025-02-26 citations by CoLab: 0 PDF
Bendiab G., Haiouni H., Moulas I., Shiaeles S.
2025-02-01 citations by CoLab: 1
Jeng S.
Sensors scimago Q1 wos Q2 Open Access
2025-01-26 citations by CoLab: 0 PDF Abstract  
This paper presents a time-series point-to-point generative adversarial network (TS-p2pGAN) for synthesizing realistic electric vehicle (EV) driving data. The model accurately generates four critical operational parameters—battery state of charge (SOC), battery voltage, mechanical acceleration, and vehicle torque—as multivariate time-series data. Evaluation on 70 real-world driving trips from an open battery dataset reveals the model’s exceptional accuracy in estimating SOC values, particularly under complex stop-and-restart scenarios and across diverse initial SOC levels. The model delivers high accuracy, with root mean square error (RMSE), mean absolute error (MAE), and dynamic time warping (DTW) consistently below 3%, 1.5%, and 2.0%, respectively. Qualitative analysis using principal component analysis (PCA) and t-distributed stochastic neighbor embedding (t-SNE) demonstrates the model’s ability to preserve both feature distributions and temporal dynamics of the original data. This data augmentation framework offers significant potential for advancing EV technology, digital energy management of lithium-ion batteries (LIBs), and autonomous vehicle comfort system development.
Zha D., Bhat Z.P., Lai K., Yang F., Jiang Z., Zhong S., Hu X.
ACM Computing Surveys scimago Q1 wos Q1
2025-01-24 citations by CoLab: 6 Abstract  
Artificial Intelligence (AI) is making a profound impact in almost every domain. A vital enabler of its great success is the availability of abundant and high-quality data for building machine learning models. Recently, the role of data in AI has been significantly magnified, giving rise to the emerging concept of data-centric AI . The attention of researchers and practitioners has gradually shifted from advancing model design to enhancing the quality and quantity of the data. In this survey, we discuss the necessity of data-centric AI, followed by a holistic view of three general data-centric goals (training data development, inference data development, and data maintenance) and the representative methods. We also organize the existing literature from automation and collaboration perspectives, discuss the challenges, and tabulate the benchmarks for various tasks. We believe this is the first comprehensive survey that provides a global view of a spectrum of tasks across various stages of the data lifecycle. We hope it can help the readers efficiently grasp a broad picture of this field, and equip them with the techniques and further research ideas to systematically engineer data for building AI systems. A companion list of data-centric AI resources will be regularly updated on https://github.com/daochenzha/data-centric-AI .
Tran T.D., Tran N.Q.
2025-01-01 citations by CoLab: 0
Nasimov R., Nasimova N., Mirzakhalilov S., Tokdemir G., Rizwan M., Abdusalomov A., Cho Y.
Bioengineering scimago Q3 wos Q2 Open Access
2024-12-18 citations by CoLab: 1 PDF Abstract  
The generation of synthetic medical data has become a focal point for researchers, driven by the increasing demand for privacy-preserving solutions. While existing generative methods heavily rely on real datasets for training, access to such data is often restricted. In contrast, statistical information about these datasets is more readily available, yet current methods struggle to generate tabular data solely from statistical inputs. This study addresses the gaps by introducing a novel approach that converts statistical data into tabular datasets using a modified Generative Adversarial Network (GAN) architecture. A custom loss function was incorporated into the training process to enhance the quality of the generated data. The proposed method is evaluated using fidelity and utility metrics, achieving “Good” similarity and “Excellent” utility scores. While the generated data may not fully replace real databases, it demonstrates satisfactory performance for training machine-learning algorithms. This work provides a promising solution for synthetic data generation when real datasets are inaccessible, with potential applications in medical data privacy and beyond.
Kim J., Lee C., Jeon J., Choi J., Kim J.H.
Sensors scimago Q1 wos Q2 Open Access
2024-12-16 citations by CoLab: 0 PDF Abstract  
As the demand for efficient energy management increases, the need for extensive, high-quality energy data becomes critical. However, privacy concerns and insufficient data volume pose significant challenges. To address these issues, data synthesis techniques are employed to augment and replace real data. This paper introduces Doubly Structured Data Synthesis (DS2), a novel method to tackle privacy concerns in time-series energy-use data. DS2 synthesizes rate changes to maintain longitudinal information and uses calibration techniques to preserve the cross-sectional mean structure at each time point. Numerical analyses reveal that DS2 surpasses existing methods, such as Conditional Tabular GAN (CTGAN) and Transformer-based Time-Series Generative Adversarial Network (TTS-GAN), in capturing both time-series and cross-sectional characteristics. We evaluated our proposed method using metrics for data similarity, utility, and privacy. The results indicate that DS2 effectively retains the underlying characteristics of real datasets while ensuring adequate privacy protection. DS2 is a valuable tool for sharing and utilizing energy data, significantly enhancing energy demand prediction and management.

Top-30

Journals

1
2
3
4
5
6
7
8
1
2
3
4
5
6
7
8

Publishers

5
10
15
20
25
5
10
15
20
25
  • We do not take into account publications without a DOI.
  • Statistics recalculated only for publications connected to researchers, organizations and labs registered on the platform.
  • Statistics recalculated weekly.

Are you a researcher?

Create a profile to get free access to personal recommendations for colleagues and new articles.
Metrics
Share
Cite this
GOST | RIS | BibTex
Found error?