Abstract
The phenomenon of sub-synchronous oscillation (SSO) poses significant threats to the stability of power systems. The advent of artificial intelligence (AI) has revolutionized SSO research through data-driven methodologies, which necessitates a substantial collection of data for effective training, a requirement frequently unfulfilled in practical power systems due to limited data availability. To address the critical issue of data scarcity in training AI models, this paper proposes a novel transfer-learning-based (TL-based) Wasserstein generative adversarial network (WGAN) approach for synthetic data generation of SSO in wind farms. To improve the capability of WGAN to capture the bidirectional temporal features inherent in oscillation data, a bidirectional long short-term memory (BiLSTM) layer is introduced. Additionally, to address the training instability caused by few-shot learning scenarios, the discriminator is augmented with mini-batch discrimination (MBD) layers and gradient penalty (GP) terms. Finally, TL is leveraged to fine-tune the model, effectively bridging the gap between the training data and real-world system data. To evaluate the quality of the synthetic data, two indexes are proposed based on dynamic time warping (DTW) and frequency domain analysis, followed by a classification task. Case studies demonstrate the effectiveness of the proposed approach in swiftly generating a large volume of synthetic SSO data, thereby significantly mitigating the issue of data scarcity prevalent in SSO research.
IN recent years, the integration of power electronic devices into power systems, coupled with the increasing penetration of renewable power generation (RPG), has become increasingly prevalent. However, the complex interactions between these power electronic devices, RPG installations, and the power system have given rise to sub-synchronous oscillations (SSO) issues [
Existing analysis approaches for SSO can be divided into two main categories: model-based and data-driven. The model-based approaches include frequency scanning [
With the advancement of artifical intelligence (AI), numerous scholars have proposed data-driven approaches for oscillation analysis and suppression. Reference [
Generative adversarial network (GAN) [
To tackle the problem of data scarcity in SSO research, this paper proposes a TL-based Wasserstein generative adversarial network (WGAN) approach for synthetic data generation of SSOs in wind farms. The proposed approach enables the efficient generation of synthetic data for SSO research. The main contributions of this paper are as follows.
1) Considering the temporal features of SSO data, the bidirectional long short-term memory (BiLSTM) network is introduced into the generator and discriminator of the WGAN, respectively, which is capable of capturing the information of the entire oscillation sequence and improving the ability of the network to extract the temporal features of oscillation.
2) Due to the difficulty in obtaining large amounts of samples of SSO in practice, the mini-batch discrimination (MBD) layer and gradient penalty (GP) term are introduced into the BiLSTM-WGAN to improve the stability of the model in few-shot learning.
3) The TL technique is combined with GAN to reduce the time and difficulty of training, minimizing the training samples of SSO required for the task of data generation.
4) Two indicators that characterize the effectiveness of the synthetic data are proposed, one based on the DTW algorithm and the other based on the frequency domain analysis (FDA).
5) The effectiveness of the proposed approach is demonstrated through classification tasks in different power systems, the results of which show that the classification accuracy can be improved with the synthetic SSO data.
The paper is structured as follows. Section II introduces the BiLSTM-WGAN for improving the temporal feature extraction of SSO data. Section III discusses the improvement of BiLSTM-WGAN and TL for the few-shot learning problem. Section IV presents the procedure and quality check of the the proposed approach. Section V demonstrates the effectiveness of the proposed approach through case study. Finally, Section VI concludes this paper.
In the calculation of the linearized state equation of the power system containing n permanent magnet synchronous generators (PMSGs) [
(1) |
where , , and , are the
Considering that it is difficult to obtain the exact parameters of the system, the elements of matrix A cannot be fully determined. As a result, it becomes challenging to perform calculations using (1). Besides, the above temporal features of SSOs are obtained based on the linearized analysis approach, which are more complicated in practice due to the nonlinearity components of power electronic devices. The SSO data obtained from the linearized model may not reflect the true oscillation pattern of the actual system. Aiming to tackle the problems above, this paper proposes a TL-based BiLSTM-WGAN approach for synthetic data generation of SSOs in wind farms.
The GAN model is composed of two neural networks, , discriminator (D) and generator (G). The generator is used to generate new, namely fake data as real as possible, in order to disable the discriminator to accurately distinguish the effectiveness of the data. Conversely, the discriminator is used to distinguish the synthetic data from the real data. They are trained together in a competitive process until a Nash equilibrium is reached.
The overall objective function V of the GAN model is shown in (2):
(2) |
where is the mathematical expectation; G(z) is the data output by the generator; is the probability value output by the discriminator; x is the synthetic data; Pr is the distribution of real data; and Pg is the distribution of synthetic data.
For the original GAN, its loss functions are prone to the phenomenon of gradient vanishing, resulting in high similarity with the real data. To address this problem, a WGAN is adopted in this paper [
(3) |
where is the set of joint probability distributions with Pr and Pg as the marginal distributions; is the distance needed to shift synthetic data x to the real data y in order to fit Pg to Pr; and the value of is the distributional similarity between the real SSO data and the synthetic data of WGAN.
Since it is difficult to directly solve the Wasserstein distance, WGAN utilizes the Kantorovich-Rubinstein duality transformation, as shown in (4).
(4) |
where is the upper definite bound of the function value; K is the Lipschitz constant; and means that the function satisfies K-Lipschitz continuity, i.e., for any inputs x and y, there is . Function is the discriminator function obtained utilizing the fitting ability of the neural network.
The use of duality transformation makes the solution of the Wasserstein distance easier, and the magnitude of the Wasserstein distance can be directly equated to the difference between the real and synthetic data. To satisfy the Lipschitz condition, each batch of data performs the weight cropping, and the weight parameters of the discriminator network are restricted to a certain interval range () to achieve Lipschitz continuity. This makes the network parameters tend to extremes, and the performance of the neural network cannot be effectively utilized. In addition, the network parameters are usually set manually so that most of the weights have critical values after weight cropping, which may lead to the problems of gradient vanishing and gradient explosion again.
To solve the above problems, a new loss term GP is added to the original loss function of WGAN, so that WGAN satisfies the Lipschitz continuity condition [
(5) |
where is the penalty coefficient; is the probability distribution of the entire sample space, i.e., the set of probability distributions of the synthetic samples and the real samples; is the gradient of the discriminator; and is the norm.
The objective function of WGAN-GP model can be expressed by:
(6) |
The WGAN-GP model is able to provide more effective gradient information, which improves the network convergence performance, enhances the stability of generator and discriminator training, and enables the model to accomplish small-sample data generation tasks.
While WGAN is commonly employed for image generation tasks, it presents challenges in effectively capturing the inherent temporal features in SSO data. In this paper, the BiLSTM network is introduced into the WGAN model, so as to fully capture the forward and backward sequence of the oscillation data and to extract the temporal features.
SSO events have a wider frequency range possibly between 2.5 Hz and 50 Hz, which means that the value of a data point at a particular time is time-dependent and these dependencies can be short-term, long-term, or a combination of both. The LSTM network [
The computational process of the BiLSTM network is shown in

Fig. 1 Computational process of BiLSTM network.
To adequately capture the temporal features of the SSO data, in this subsection, a BiLSTM neural network is constructed and embedded into the generator and discriminator. The network structure of the BiLSTM-WGAN is shown in

Fig. 2 Network structure of BiLSTM-WGAN.
In the process, a high-dimensional random noise sequence following a Gaussian distribution is input into the generator. A single-layer BiLSTM neural network is used to process the input sequence from the generator. The time step of the BiLSTM layer is consistent with the length of the generator’s input sequence, and the number of neurons in its hidden cell units is adjusted. Then, the tensor output from the BiLSTM layer is fed into a fully-connected layer for feature extraction. After performing calculations through three fully-connected layers, the tensor is reshaped by using a Reshape layer. Layer normalization (LN) is applied between the layers, which is suitable for RNN as it stabilizes the training process by normalizing the mean and variance of the input data at each layer, thus accelerating convergence. To avoid potential negative values resulting from LN, the activation function used in the input layer and the middle layer is set as leaky rectified linear unit (LeakyReLU), and the dropout layer is added to randomly deactivate neurons with a specified probability, which effectively prevents overfitting. To ensure that the data output from the generator is diverse and avoids convergence to a specific distribution, the LN is omitted in the output layer. Finally, the output tensor is processed by using the tanh activation function, so that the values of the output data are all non-negative, thereby obtaining the final synthetic data that match the dimensionality of real SSO data.
The structure of the discriminator is similar to that of the generator, consisting of one BiLSTM layer and three fully-connected layers. The LeakyReLU activation function and dropout layer are also added between the layers, but the difference with the generator is that the LN is renounced to make the probability distribution of the output data more decentralized, which is conducive to the discriminator to distinguish the effectiveness of the data. In addition, the sigmoid activation function is used in the output layer to make the output be mapped between .
The BiLSTM-WGAN used in Section II is able to extract temporal features of SSO and effectively improve the problem of unstable training of the model in few-shot learning, but there is still a risk of falling into local instead of global optimal solutions during the training process. Consequently, the BiLSTM-WGAN loses data diversity and leads to model collapse. To prevent the above problem, the MBD [

Fig. 3 Principle of MBD layer.
The feature vector of input xi is defined as generated by one of the intermediate layers of the discriminator, and multiply by a tensor to obtain the corresponding result matrix . Then the difference of the
(7) |
where is the
The difference between the individual sample features is summed as the output of the MBD layer:
(8) |
where n is the dimension of the eigenspace; o is the sum of c of each sample; B and b are the batch size and the batch index, respectively; and is the combination of features of the real samples, which can diversify the samples generated by the WGAN.
In this subsection, based on BiLSTM-WGAN, an MBD layer is added to the discriminator network. The structure of the BiLSTM-WGAN with MBD layer is shown in

Fig. 4 Structure of BiLSTM-WGAN with MBD layer.
In the previous introduction, a BiLSTM-WGAN with MBD layer for the generation of SSO data is proposed. Nevertheless, the scarcity of sub-synchronous samples from practical power systems poses a significant challenge in adequately training deep learning models for this specific task. Obtaining training data by constructing an electromagnetic transient model of the actual system faces the problem of inconsistency in topology and parameters between the actual system and the simulation system. To solve such problems, this paper utilizes the simulation data to train a base model first, and then adopts a small amount of data from the actual system to fine-tune the system based on the TL approach, which solves the few-shot learning problem.
TL [
In this paper, the freeze discriminator (FreezeD) approach is utilized, which freezes the BiLSTM layer and fully-connected layers in the lower layers of the discriminator, and only fine-tunes the parameters of the fully-connected layer and that of the MBD layer in the higher layers for adversarial training. This is because the low-level network of the discriminator is responsible for learning the temporal features and other general features of the SSO data, while the high-level learning discriminates the data as real or fake based on the extracted features. The FreezeD approach accelerates the model training and avoids the overfitting problem arising from direct fine-tuning.
The specific procedure of the model and training approach proposed in Section III is described as follows.
1) Training data acquisition: build the electromagnetic transient simulation model of the power system. Obtain the training data from the simulation and preprocess them.
2) Model construction: build the BiLSTM-WGAN with MBD layer. The structure is shown in
3) Model pretraining: input the SSO data obtained from the simulation system into the BiLSTM-WGAN with MBD layer. Train the basic discriminator model DS and the basic generator model GS to learn the temporal features with sufficient SSO data. The pre-trained models DS and GS are obtained.
4) Model transferring: transfer DS and GS. Fine-tune the transferred models that are then trained under small samples of oscillation data from different power systems or different oscillation modals of the same system. Obtain the discriminator model DT and generator model , which are applicable under the target domain.
5) Synthetic data generation: use GT to synthesize a substantial volume of SSO data corresponding to a specific system configuration or oscillation modal. Subsequently, expand the real dataset in accordance with the synthetic data to effectuate data augmentation.
6) Quality check: the synthetic data are analyzed using the indexes based on DTW algorithm and FDA and the random forest classifiers to assess whether the temporal characteristics of the synthetic data are in line with the characteristics of real SSO data.
The procedure of the proposed TL-based BiLSTM-WGAN approach is shown in

Fig. 5 Procedure of proposed BiLSTM-WGAN approach.
The synthetic SSO data generated by the BiLSTM-WGAN need to satisfy the features of real SSO data as much as possible. In this subsection, one index based on the DTW and the other index based on the FDA are deployed to evaluate the quality of the synthetic data, respectively. Finally, the ability of the synthetic data to improve the classification accuracy of the BiLSTM-WGAN is verified based on actual classification examples.
The DTW [
Suppose that is a sequence of primitive SSO of dimension m, and is a model-generated sequence of dimension n. DTW tries to find an optimal alignment between Q and C that minimizes the cumulative difference between the mapped points [
(9) |
where is calculated using the Euclidean distance.
According to the definition above, the DTW distance is used to represent the similarity between the real and synthetic data. It provides a basis for testing the effectiveness of the BiLSTM-WGAN with MBD layer in data generation.
The time-domain expression for the occurrence of SSO in a power system can be expressed as:
(10) |
where A0, f0, and Ai, fi, are the initial amplitude, frequency, and phase of the fundamental frequency component and the
The synthetic data and the real data are computed using the total least squares-estimating signal parameter via rotational invariance techniques (TLS-ESPRIT) [
(11) |
(12) |
where is the sample value; is the actual value; e is the error between the sample value and the actual value; is the polynomial coefficient; and f is the frequency. Subtract the two polynomials and then perform definite integration, as shown in (13).
(13) |
where a and b are the upper and lower limits of the oscillation frequency, respectively; and and are the fitting functions of the synthetic and real data, respectively.
The magnitude of the integral difference reflects the proximity of the frequency-damping ratio [
In addition, to verify the effectiveness of the synthetic data for model training, this paper adopts a classification algorithm for verification. Depending on their different triggering perturbations, the oscillations can be categorized into forced oscillations and natural oscillations. The two types of oscillations are generated and then used to augment the data and train the random forest (RF) model [
RF is a supervised machine-learning algorithm based upon the bootstrap aggregating (Bagging) idea with put-back in ensemble learning (EL), which randomly selects features to generate decision trees. Each decision tree gives the voting result of a category, and selects the category with the most votes from all the trees as the final prediction result. Compared with the single tree approach, the Bagging idea in RF reduces the variance of the prediction function. The principle of the RF model is shown in

Fig. 6 Principle of RF model.
The evaluation process based on the classification of SSO type with RF model is as follows.
1) First, calculate the feature indexes in four aspects, namely statistical domain, time domain, frequency domain, and dominant modal based on fast Fourier transform (FFT) spectral analysis. Twenty indexes in four aspects are used as the input of the RF classifier, as shown in
Aspect | Feature indexes |
---|---|
Statistical domain | Mean, standard deviation, median absolute deviation, Kurtosis, skewness, and root-mean-square value |
Time domain | Peak, autocorrelation coefficient, Kurtosis index, margin index, waveform index, and pulse index |
Frequency domain | Center frequency, variance, root mean square frequency, Skewness, waveform stability factor, and frequency center |
Dominant modal | Frequency and damping ratio |
2) Subsequently, train the RF algorithm with a few data from the actual system.
3) Finally, augment the real data with different amounts of the synthetic data, train the RF algorithm, and observe whether the augmented data are able to improve the classification accuracy, so as to verify the effectiveness of the synthetic data [
To choose suitable test systems, two aspects must be taken into consideration: whether the system is able to simulate SSOs with different mechanisms, and whether it considers the influential factors of SSO features. Considering the different mechanisms, the samples generated in this paper need to encompass two types of oscillations: forced oscillations and negative damping oscillations. To investigate various factors influencing SSO, this paper verifies the effects by adjusting wind speed and turbine control parameters in both single-machine grid-connected systems and large-scale wind farm grid-connected systems.
The SSO data used for training and testing of the pretrained model are obtained by modeling and simulating a wind farm system based on a single direct-drive PMSG connected to a weak power grid, the system structure of which is shown in

Fig. 7 Direct-drive PMSG connected to weak power grid.
To verify the feasibility of the proposed approach, three different cases are studied in this paper.
1) Case 1: parameter-modified PMSG grid-connected system. Adjust the control parameters of PMSG. Change the oscillation modal of the system. The wind speed perturbation is applied to stimulate the SSO phenomenon. By adjusting the voltage and current loop parameters, the damping and frequency of the system are changed to simulate different oscillation modals. One hundred sets of active power data at the PCC are obtained as the training data for the training of transferred model in Case 1.
2) Case 2: forced SSO of a four-machine two-area system connected with a large-scale wind farm. The structure of the four-machine two-area system with large-scale wind farm is shown in

Fig. 8 Structure of four-machine two-area system with large-scale wind farm.
3) Case 3: on the basis of Case 2, the system is excited by a step perturbation to negatively generate damped oscillations with damping ratio close to 0. By adjusting the wind speed and the voltage and current loop parameters, 80 sets of active power outputs at bus 11 are obtained and used as the training data for Case 3.
In this paper, the BiLSTM-WGAN with MBD layer will be firstly trained using the PMSG grid-connected system data and then transferred to three cases respectively to validate the feasibility and advantages of the proposed approach through quality check. On this basis, the synthetic data generated in Cases 2 and 3 are used to augment the real data and train the RF classifier to discriminate the two types of oscillations and verify the effectiveness of the synthetic data.
Considering the outliers in the measurement data that affect the training, this section uses the box plot approach in statistics to detect outliers and fills in the missing points using the median M. The box plot approach sets boundaries for the data and determines data points that exceed the upper boundary or are smaller than the lower boundary as outliers, as shown in (14) and (15).
(14) |
(15) |
where Xi is the value of the variable; U is the upper quartile, i.e., the median of the interval [M, Xn]; L is the lower quartile, i.e., the median of the interval [X1, M]; is the coefficient, which generally takes the value of 1.5; and IQR is the interquartile range, i.e., distance between the upper and lower quartiles.
The data after removing outliers are divided into training, validation, and test sets, with a total of 5000 sets of data in the training and validation sets and 1000 data in the test set.
The divided training data X are normalized by Z-score to transform the data into a uniform magnitude:
(16) |
where is the mean; and is the standard deviation.
By adjusting the hyperparameters, the convergence of the pretrained model is optimized. The final hyperparameter settings for the pretrained model are shown in
Hyperparameter | Value |
---|---|
Learning rate of generator | 0.0003 |
Learning rate of discriminator | 0.0002 |
Batch size | 128 |
Epoch | 1000 |
Number of discriminator updates per generator update | 2 |
Number of MBD layers | 3 |
The change in Wasserstein distance over the course of training is shown in

Fig. 9 Change in Wasserstein distance.
As shown in
The synthetic data and the real data are subjected to modal identification using the TLS-ESPRIT to compute the frequency and damping ratio for each data set. Polynomial fitting using the least squares approach is then applied to the frequencies and damping ratios of both the synthetic and real data. The data distributions and fitting results for the two models are shown in

Fig. 10 Data distributions and fitting results for two models. (a) Without BiLSTM. (b) With BiLSTM.
As illustrated in
Subsequently, the pre-trained discriminator model DS and generator model GS are transferred to Case 1, Case 2, and Case 3, respectively. The lower layers of the discriminator are frozen, and the hyper-parameters are fine-tuned for 10 iterations. For instance, in Case 1,

Fig. 11 Active power samples generated. (a) Without MBD layer. (b) With MBD layer.
To demonstrate the effectiveness of the TL in few-shot learning, the model without TL is used as a comparison, with the same small-sample dataset of the target domain used for both approaches.
The small-sample data of Cases 1-3 are each trained K times using 10-fold cross-validation, and each time the same amount of data as the test set are generated using the three trained target generation models GT for the validation analysis. Each time, the DTW-based indices of the synthetic data and the real data are calculated and the mean value is taken as the final test result.

Fig. 12 Comparison results of DTW-based indexes in Cases 1-3.
As can be observed in
The FDA-based indexes of Cases 1-3 are calculated according to (13), and the comparison results are shown in

Fig. 13 Comparison results of FDA-based indexes in Cases 1-3.
The frequency and damping ratio of each piece of data are calculated after each fine-tuned training using the parameter identification approach in Section IV. Subsequently, the polynomial fitting of the total frequency-damping ratio of the synthetic data and the real data is performed using the least squares approach. The distribution of the data and fitting results of Cases 1-3 are shown in

Fig. 14 Distribution of data and fitting results of Cases 1-3. (a) Case 1 without TL applied. (b) Case 2 without TL applied. (c) Case 3 without TL applied. (d) Case 1 with TL applied. (e) Case 2 with TL applied. (f) Case 3 with TL applied.
Since the amplitudes of the forced oscillations in Case 2 and the negatively damped oscillations in Case 3 are nearly equal, it is difficult to determine the type of SSOs by observing whether the waveforms are dispersed or attenuated.
In this subsection, the oscillation type discrimination approach based on the RF classifier is used to evaluate the quality of the synthetic data generated based on small samples for Cases 2 and 3. The data obtained from the simulation for the two cases are first processed to remove outliers, and then the data are labeled according to the two categories of negatively damped and forced oscillations. The real dataset, which contains 20 features, is divided into a training set and a test set using the 10-fold cross-validation approach. The training set is feature-normalized and input into the RF model, and its hyperparameters are adjusted for training. Calculate the classification accuracy on the test set and average over the K tests. The classification accuracy formula is shown as:
(17) |
where P and N are the numbers of negatively damped oscillation and forced oscillation samples, respectively; TP is the number of correctly predicted negatively damped oscillation samples; and TN is the number of correctly predicted forced oscillation samples.
The synthetic data generated by the BiLSTM-WGAN with MBD layer are used to expand the real dataset with different proportions, and the classification accuracies of the RF model before and after augmenting the dataset with varying proportions of synthetic data are compared as an evaluation index of the quality of the synthetic data.
Sample expansion proportion (%) | Classification accuracy (%) |
---|---|
0 | 87.5 |
30 | 89.0 |
60 | 91.5 |
100 | 92.1 |
As can be obsened from
In this paper, a TL-based BiLSTM-WGAN approach for synthetic data generation of SSO in wind farms is proposed. The proposed approach enriches the temporal feature extraction capacity of GANs through the incorporation of a BiLSTM layer, coupled with the integration of a MBD layer and GP term to enhance model performance in few-shot learning scenarios. To address the challenge of discrepancies between actual and simulation models, a limited dataset sourced from the actual model is harnessed for TL purposes. Case studies illustrate that the proposed approach can efficiently generate brand-new samples, resolving issues related to few-shot learning and data scarcity in SSO research at the data level. In addition to solving the problem of data scarcity for machine learning models, synthetic data generation is also expected to address privacy protection concerns, such as potential leaks of user’s behavior or grid topology and parameters.
The proposed approach is highly generalizable and can be adapted to other domains within the power system for time-series data generation, effectively addressing the issue of data scarcity. Further research will discuss the use of conditional generative adversarial networks (CGANs) to generate modal-specific SSO data with the addition of constraints, or replacing LSTM with temporal convolutional network (TCN) to mitigate potential gradient vanishing issues in LSTM networks when processing high-frequency oscillation signals.
References
R. N. Damas, Y. Son, M. Yoon et al., “Subsynchronous oscillation and advanced analysis: a review,” IEEE Access, vol. 8, pp. 224020-224032, Dec. 2020. [Baidu Scholar]
K. Gu, F. Wu, and X. Zhang, “Sub‐synchronous interactions in power systems with wind turbines: a review,” IET Renewable Power Generation, vol. 13, no. 1, pp. 4-15, Sept. 2018. [Baidu Scholar]
J. Zheng, B. Li, Q. Chen et al., “HPF-LADRC for DFIG-based wind farm to mitigate subsynchronous control interaction,” Electric Power Systems Research, vol. 214, p. 108925, Jan. 2023. [Baidu Scholar]
J. Bialek, “What does the GB power outage on 9 August 2019 tell us about the current state of decarbonised power systems?” Energy Policy, vol. 146, p. 111821, Aug. 2020. [Baidu Scholar]
Y. Cheng, L. Fan, J. Rose et al., “Real-world subsynchronous oscillation events in power grids with high penetrations of inverter-based resources,” IEEE Transactions on Power Systems, vol. 38, no. 1, pp. 316-330, Jan. 2023. [Baidu Scholar]
H. Liu, X. Xie, J. He et al., “Subsynchronous interaction between direct-drive PMSG based wind farms and weak AC networks,” IEEE Transactions on Power Systems, vol. 32, no. 6, pp. 4708-4720, Nov. 2017. [Baidu Scholar]
N. P. W. Strachan and D. Jovcic, “Stability of a variable-speed permanent magnet wind generator with weak AC grids,” IEEE Transactions on Power Delivery, vol. 25, no. 4, pp. 2779-2788, Oct. 2010. [Baidu Scholar]
Y. Li, L. Fan, and Z. Miao, “Wind in weak grids: low-frequency oscillations, subsynchronous oscillations, and torsional interactions,” IEEE Transactions on Power Systems, vol. 35, no. 1, pp. 109-118, Jan. 2020. [Baidu Scholar]
X. Xie, X. Zhang, H. Liu et al., “Characteristic analysis of subsynchronous resonance in practical wind farms connected to series-compensated transmissions,” IEEE Transactions on Energy Conversion, vol. 32, no. 3, pp. 1117-1126, Sept. 2017. [Baidu Scholar]
M. S. Annakkage, C. Karawita, and U. D. Annakkage, “Frequency scan-based screening method for device dependent sub-synchronous oscillations,” IEEE Transactions on Power Systems, vol. 31, no. 3, pp. 1872-1878, May 2016. [Baidu Scholar]
S. K. Jain and S. N. Singh, “Exact model order esprit technique for harmonics and interharmonics estimation,” IEEE Transactions on Instrumentation and Measurement, vol. 61, no. 7, pp. 1915-1923, Jul. 2012. [Baidu Scholar]
L. Yang, Z. Xu, J. Østergaard et al., “Oscillatory stability and eigenvalue sensitivity analysis of a DFIG wind turbine system,” IEEE Transactions on Energy Conversion, vol. 26, no. 1, pp. 328-339, Mar. 2011. [Baidu Scholar]
W. Du, X. Chen, and H. Wang, “A method of open-loop modal analysis to examine the SSOs in a multi-machine power system with multiple variable-speed wind generators,” IEEE Transactions on Power Systems, vol. 33, no. 4, pp. 4297-4307, Jul. 2018. [Baidu Scholar]
Y. Meng, Z. Yu, N. Lu et al., “Time series classification for locating forced oscillation sources,” IEEE Transactions on Smart Grid, vol. 12, no. 2, pp. 1712-1721, Mar. 2021. [Baidu Scholar]
T. Huang, N. M. Freris, P. R. Kumar et al., “A synchrophasor data-driven method for forced oscillation localization under resonance conditions,” IEEE Transactions on Power Systems, vol. 35, no. 5, pp. 3927-3939, Sept. 2020. [Baidu Scholar]
S. Feng, J. Chen, Y. Ye et al., “A two-stage deep transfer learning for localisation of forced oscillations disturbance source,” International Journal of Electrical Power & Energy Systems, vol. 135, p. 107577, Feb. 2022. [Baidu Scholar]
S. K. Azman, Y. J. Isbeih, M. S. E. Moursi et al., “A unified online deep learning prediction model for small signal and transient stability,” IEEE Transactions on Power Systems, vol. 35, no. 6, pp. 4585-4598, Nov. 2020. [Baidu Scholar]
Y. Shen, W. Yao, J. Wen et al., “Adaptive supplementary damping control of VSC-HVDC for interarea oscillation using GrHDP,” IEEE Transactions on Power Systems, vol. 33, no. 2, pp. 1777-1789, Mar. 2018. [Baidu Scholar]
R. A. de Oliveira and M. H. J. Bollen, “Deep learning for power quality,” Electric Power Systems Research, vol. 214, p. 108887, Jan. 2023. [Baidu Scholar]
J. Duan, Y. He, and X. Wu, “A space hybridization theory for dealing with data insufficiency in intelligent power equipment diagnosis,” Electric Power Systems Research, vol. 199, p. 107363, Oct. 2021. [Baidu Scholar]
I. Goodfellow, J. Pouget-Abadie, M. Mirza et al., “Generative adversarial networks,” Communications of the ACM, vol. 63, no. 11, pp. 139-144, Oct. 2020. [Baidu Scholar]
S. E. Kababji and P. Srikantha, “A data-driven approach for generating synthetic load patterns and usage habits,” IEEE Transactions on Smart Grid, vol. 11, no. 6, pp. 4984-4995, Nov. 2020. [Baidu Scholar]
A. Harell, R. Jones, S. Makonin et al., “TraceGAN: synthesizing appliance power signatures using generative adversarial networks,” IEEE Transactions on Smart Grid, vol. 12, no. 5, pp. 4553-4563, Sept. 2021. [Baidu Scholar]
L. Song, Y. Li, and N. Lu, “ProfileSR-GAN: a GAN based super-resolution method for generating high-resolution load profiles,” IEEE Transactions on Smart Grid, vol. 13, no. 4, pp. 3278-3289, Jul. 2022. [Baidu Scholar]
Y. Hu, Y. Li, L. Song et al., “MultiLoad-GAN: a GAN-based synthetic load group generation method considering spatial-temporal correlations,” IEEE Transactions on Smart Grid, vol. 15, no. 2, pp. 2309-2320, Mar. 2024. [Baidu Scholar]
Y. Wu, C. Lu, G. Wang et al., “Partial discharge data augmentation of high voltage cables based on the variable noise superposition and generative adversarial network,” in Proceedings of 2018 International Conference on Power System Technology, Guangzhou, China, Nov. 2018, pp. 3855-3859. [Baidu Scholar]
G. Zhu, K. Zhou, L. Lu et al., “Partial discharge data augmentation based on improved Wasserstein generative adversarial network with gradient penalty,” IEEE Transactions on Industrial Informatics, vol. 19, no. 5, pp. 6565-6575, May 2023. [Baidu Scholar]
X. Zheng, B. Wang, D. Kalathil et al., “Generative adversarial networks-based synthetic PMU data creation for improved event classification,” IEEE Open Access Journal of Power and Energy, vol. 8, pp. 68-76, Feb. 2021. [Baidu Scholar]
X. Zheng, A. Pinceti, L. Sankar et al., “Synthetic PMU data creation based on generative adversarial network under time-varying load conditions,” Journal of Modern Power Systems and Clean Energy, vol. 11, no. 1, pp. 234-242, Jan. 2023. [Baidu Scholar]
S. Feng, K. Wang, J. Lei et al., “Influences of DC bus voltage dynamics in modulation algorithm on power oscillations in PMSG-based wind farms,” International Journal of Electrical Power & Energy Systems, vol. 124, p. 106387, Jan. 2021. [Baidu Scholar]
H. Ye, Y. Liu, P. Zhang et al., “Analysis and detection of forced oscillation in power system,” IEEE Transactions on Power Systems, vol. 32, no. 2, pp. 1149-1160, Mar. 2017. [Baidu Scholar]
M. Arjovsky, S. Chintala, and L. Bottou, “Wasserstein generative adversarial networks,” in Proceedings of the 34th International Conference on Machine Learning, Sydney, Australia, Jul. 2017, pp. 214-223. [Baidu Scholar]
I. Gulrajani, F. Ahmed, M. Arjovsky et al., “Improved training of Wasserstein GANs,” in Proceedings of the 31st International Conference on Neural Information Processing Systems, Long Beach, USA, Dec. 2017, pp. 5769-5779. [Baidu Scholar]
S. Hochreiter and J. Schmidhuber, “Long short-term memory,” Neural Computation, vol. 9, no. 8, pp. 1735-1780, Nov. 1997. [Baidu Scholar]
Y. Yu, X. Si, C. Hu et al., “A review of recurrent neural networks: LSTM cells and network architectures,” Neural Computation, vol. 31, no. 7, pp. 1235-1270, Jul. 2019. [Baidu Scholar]
A. Graves and J. Schmidhuber, “Framewise phoneme classification with bidirectional LSTM and other neural network architectures,” Neural Networks, vol. 18, no. 5-6, pp. 602-610, Jul. 2005. [Baidu Scholar]
G. Liu and J. Guo, “Bidirectional LSTM with attention mechanism and convolutional layer for text classification,” Neurocomputing, vol. 337, pp. 325-338, Apr. 2019. [Baidu Scholar]
T. Salimans, I. Goodfellow, W. Zaremba et al., “Improved techniques for training GANs,” in Proceedings of the 30th International Conference on Neural Information Processing Systems, Red Hook, USA, Dec. 2016, pp. 2234-2242. [Baidu Scholar]
F. Zhuang, Z. Qi, K. Duan et al., “A comprehensive survey on transfer learning,” Proceedings of the IEEE, vol. 109, no. 1, pp. 43-76, Jan. 2021. [Baidu Scholar]
T. Rakthanmanon, B. Campana, A. Mueen et al., “Searching and mining trillions of time series subsequences under dynamic time warping,” in Proceedings of the 18th ACM International Conference on Knowledge Discovery and Data Mining, New York, USA, Aug. 2012, pp. 262-270. [Baidu Scholar]
H. Li, J. Wan, S. Liu et al., “Wetland vegetation classification through multi-dimensional feature time series remote sensing images using Mahalanobis distance-based dynamic time warping,” Remote Sensing, vol. 14, no. 3, p. 501, Jan. 2022. [Baidu Scholar]
R. Roy and T. Kailath, “ESPRIT-estimation of signal parameters via rotational invariance techniques,” IEEE Transactions on Acoustics, Speech, and Signal Processing, vol. 37, no. 7, pp. 984-995, Jul. 1989. [Baidu Scholar]
A. H. A. El-Kareem, M. A. Elhameed, and M. M. Elkholy, “Effective damping of local low frequency oscillations in power systems integrated with bulk PV generation,” Protection and Control of Modern Power Systems, vol. 6, no. 41, Dec. 2021. [Baidu Scholar]
G. Biau and E. Scornet, “A random forest guided tour,” TEST, vol. 25, no. 2, pp. 197-227, Apr. 2016. [Baidu Scholar]
S. Feng, J. Chen, and Y. Tang, “Identification of low frequency oscillations based on multidimensional features and ReliefF-mRMR,” Energies, vol. 12, no. 14, p. 2762, Jan. 2019. [Baidu Scholar]