Next Article in Journal
Radiation Effects of Advanced Electronic Devices and Circuits, 2nd Edition
Previous Article in Journal
ScaL2Chain: Towards a Scalable Protocol for Multi-Chain Decentralized Applications
Previous Article in Special Issue
Knowledge Translator: Cross-Lingual Course Video Text Style Transform via Imposed Sequential Attention Networks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Research on the Enhancement of Provincial AC/DC Ultra-High Voltage Power Grid Security Based on WGAN-GP

1
Economic and Technical Research Institute of State Grid Shanxi Electric Power Company, Taiyuan 030000, China
2
Shanxi Key Laboratory of Integrated Energy System, Taiyuan 030000, China
*
Author to whom correspondence should be addressed.
Electronics 2025, 14(14), 2897; https://doi.org/10.3390/electronics14142897 (registering DOI)
Submission received: 24 June 2025 / Revised: 14 July 2025 / Accepted: 17 July 2025 / Published: 19 July 2025
(This article belongs to the Special Issue Applications of Computational Intelligence, 3rd Edition)

Abstract

With the advancement in the “dual carbon” strategy and the integration of high proportions of renewable energy sources, AC/DC ultra-high-power grids are facing new security challenges such as commutation failure and multi-infeed coupling effects. Fault diagnosis, as an important tool for assisting power grid dispatching, is essential for maintaining the grid’s long-term stable operation. Traditional fault diagnosis methods encounter challenges such as limited samples and data quality issues under complex operating conditions. To overcome these problems, this study proposes a fault sample data enhancement method based on the Wasserstein Generative Adversarial Network with Gradient Penalty (WGAN-GP). Firstly, a simulation model of the AC/DC hybrid system is constructed to obtain the original fault sample data. Then, through the adoption of the Wasserstein distance measure and the gradient penalty strategy, an improved WGAN-GP architecture suitable for feature learning of the AC/DC hybrid system is designed. Finally, by comparing the fault diagnosis performance of different data models, the proposed method achieves up to 100% accuracy on certain fault types and improves the average accuracy by 6.3% compared to SMOTE and vanilla GAN, particularly under limited-sample conditions. These results confirm that the proposed approach can effectively extract fault characteristics from complex fault data.

1. Introduction

China’s energy resources and load centers are distributed in an inverse pattern, which has driven national transmission strategy projects such as “West-to-East Power Transmission” and “North-to-South Power Transmission.” [1]. Ultra-high voltage direct current (UHVDC) transmission, characterized by significant capacity, minimal losses, and capability for long-distance power delivery, has become a key technical support for realizing cross-regional energy allocation. As of 2023, more than 20 UHVDC projects have been built and put into operation in China, and the AC/DC ultra-high-power grid covers the country’s main economic regions, becoming an important form of the provincial backbone power grid.
However, with the extension of transmission distances and the increase in the complexity of the grid structure, the AC/DC hybrid system faces many new security challenges [2]. Differences in geographical environments lead to an increase in the probability of line failures, and frequent extreme climate events exacerbate the risks of system operation [3]. Moreover, the response of converter stations to failures has nonlinear, discrete, and time-varying characteristics, making fault features more complex and traditional fault diagnosis methods difficult to apply. Particularly during practical operation, real fault samples are limited because of the system’s sustained stable performance, causing current fault diagnosis methods to fall short in accuracy and real-time effectiveness. Therefore, there is an urgent need for technological innovation to break through the data bottleneck and enhance the safety and intelligence level of the power grid.
The fault diagnosis of AC/DC hybrid power grids faces two core challenges: first, the scarcity of real fault samples makes it difficult to comprehensively reflect various fault characteristics; second, the system’s multi-source heterogeneous structure leads to complex nonlinear correlations in fault data. Traditional data augmentation methods, such as linear interpolation algorithms like SMOTE [4] and ADASYN [5], can alleviate the problem of sample insufficiency; however, the generated data is limited within the initial feature space and does not adequately represent the intricate characteristics of actual faults. In recent years, Generative Adversarial Networks (GAN) have demonstrated significant potential in image synthesis, time-series data generation, and other fields, providing a new approach for data augmentation in power systems [6]. Reference [7] utilizes GAN to detect partial discharge conditions in high-voltage AC systems, but due to differences in model structure and fault characteristics, the transferability and stability of this method need further improvement. Reference [8] combines WGAN with DT-SVM models, proposing a new hybrid DC transmission system commutation fault diagnosis method. This method effectively enhances diagnostic accuracy by augmenting sample data through WGAN, but its stability has not been practically verified. In reference [9], an enhanced GAN structure is introduced to strengthen the model’s capability for detailed feature extraction, effectively increasing the training performance of the generative model; however, the method still exhibits inadequate training stability. These studies collectively highlight the challenges of unstable training and mode collapse associated with conventional GANs, causing the generated samples to fall short of the stringent reliability standards required by power systems [10].
In response to these challenges, this study introduces a fault data augmentation approach utilizing the Wasserstein Generative Adversarial Network with Gradient Penalty (WGAN-GP). By introducing the Wasserstein distance as the loss function and using a gradient penalty mechanism instead of weight clipping, the convergence stability and quality of generated samples are improved. This approach effectively overcomes the gradient vanishing issue commonly observed in traditional GANs, while also improving the diversity and realism of the generated samples, thus offering reliable, high-quality data for building fault datasets in AC/DC hybrid systems.
At present, extensive research has been conducted on the application of deep learning techniques for fault diagnosis within the power system domain. For example, reference [11] proposes a method based on convolutional sparse autoencoders, overcoming the cumbersome process of fault signal processing, which can reliably and accurately achieve fault diagnosis in HVDC transmission lines. Reference [12] adopts parallel neural networks to extract (here, “convolutional” is removed based on the context) electrical feature quantities, improving fault diagnosis efficiency. Reference [13] utilizes convolutional neural networks to process multidimensional fault data, enhancing fault classification accuracy. Reference [14] presents a novel fault identification approach that combines wavelet packet energy spectrum analysis with convolutional neural networks (CNN). By extracting time-domain and frequency-domain fault feature information, the fault identification capability of hybrid DC transmission systems is significantly improved. These studies have demonstrated the effectiveness of deep learning in fault diagnosis for single-grid structures like AC or high-voltage DC systems; however, they remain inadequate in addressing the multi-modal nature and strong coupling characteristics of AC/DC hybrid systems.
This study centers on the fault diagnosis challenge within AC/DC hybrid transmission systems, aiming to solve problems such as complex topology, strong coupling of fault characteristics, and complicated information in the dispatching process. By constructing a data enhancement mechanism based on WGAN-GP, the diversity and representativeness of fault samples are improved, thereby assisting in the establishment of a more robust and efficient fault diagnosis model. This method can quickly mine key features from a large amount of fault alarm information, accurately determine the nature of the fault, and provide reliable support for dispatching and maintenance decisions. Moreover, compared with previous applications of WGAN-GP in single-mode AC or DC systems, this paper focuses on its advantages in AC/DC hybrid systems, which feature strong nonlinear coupling, asynchronous control, and limited fault samples. These characteristics make traditional models less effective in capturing fault features. The proposed WGAN-GP model enhances the learning of complex fault characteristics under such constraints, ensuring improved training stability and diversity of generated samples, thereby making it more suitable for small-sample learning scenarios in AC/DC hybrid transmission grids. It can reduce the workload of fault troubleshooting for maintenance personnel, effectively avoid economic risks caused by incomplete fault recovery, and contribute positively to ensuring the reliable and efficient operation of AC/DC hybrid transmission systems.
In conclusion, the AC/DC hybrid transmission system has a complex structure and long transmission distances, making fault detection and troubleshooting difficult [15]. The WGAN-GP based fault diagnosis method proposed in this study not only enhances the stability and safety of power grid operations but also offers a valuable theoretical foundation and technical pathway for the advancement of future smart grids.

2. Fault Diagnosis and Data Augmentation Principles

2.1. Fault Diagnosis Principles Based on Convolutional Neural Networks

The transmission line fault diagnosis explored in this paper primarily consists of two aspects: identifying faulted lines and determining fault types. The CNN architecture employed for this task, as illustrated in Figure 1, comprises two main components: an input feature extraction network and a fault classification network.
(1)
Fault Feature Extraction Network
(1) Input Layer
The input to the network consists of fault sample data, while the output target corresponds to the specific fault type. In this process, the output labels are represented using one-hot encoding, where only the node corresponding to a particular fault category is assigned a value of “1” within a zero vector whose length matches the total number of fault categories. Together, the input data and their corresponding output labels form the complete set of fault diagnosis samples. To mitigate the impact of varying data scales on model training, the sample set is further processed using min–max normalization. The normalization function is defined as follows:
x = x x min x max x min
where x * represents the data after the normalization transformation of the collected quantity; x represents the raw data collected; x min and x max represent the minimum and maximum values in the sample data, respectively.
(2) Convolutional Layer
The convolutional layer realizes feature mapping by sliding a two-dimensional convolution kernel across the input matrix to perform inner product operations. The ability of the convolutional layer to extract fault features is affected by multiple influencing factors. To develop a network architecture tailored for fault diagnosis in hybrid AC/DC transmission systems, it is necessary to clarify the correlation between the dimensions of the input matrix h 1 × w 1 × d 1 , the size of the convolution kernel a × b , the number of convolution kernels K , the sliding step S , and the size of the output matrix h 2 × w 2 × d 2 . The relationship is as follows:
h 2 = ( h 1 a ) / S + 1 w 2 = ( w 1 b ) / S + 1 d 2 = K
The convolution operation first generates the output feature map by performing a linear activation response on the input, and then further extracts fault features through nonlinear activation functions [16]. To alleviate the network’s gradient vanishing phenomenon and make its representation sparse, the activation function employed is the Rectified Linear Unit (ReLU). The activation function makes the feature map sparse by rewriting values less than 0 as 0, thereby realizing the extraction of relevant features. The activation function is as follows:
f ( x ) = max ( 0 , x )
(3) Pooling Layer
The pooling operation aggregates adjacent elements within the convolutional feature map into a single representative value. The selection of the number of elements to be merged is a critical process in training the power system fault diagnosis model. Currently, pooling operations applied to CNN models include average pooling, maximum pooling, and stochastic pooling. Among these, maximum pooling, which selects the maximum value within a region, can, to some extent, mitigate the impact of noise interference. Therefore, maximum pooling is adopted for fault diagnosis [17].
The fault feature extraction network conveys the features obtained from the input samples to the fault classification network through multiple layers of convolution and pooling. The classification network then performs the final categorization based on these features.
(2)
Fault Classification Network
The fault classification network transforms the output features into a linear fully connected structure. To enable the fault classification network to focus on the overall information of the input layer and the correlation of output nodes, the Softmax function is used for the classification output of fault features [18]. Its expression and conditions are as follows:
y i = φ ( υ i ) = e υ i e υ 1 + e υ 2 + e υ 3 + + e υ M = e υ i k = 1 M e υ k
φ ( υ 1 ) + φ ( υ 2 ) + φ ( υ 3 ) + + φ ( υ M ) = 1
where φ ( υ i ) is the weighted sum of the ith output node, and M is the number of output nodes.
Equation (5) takes into account the relative magnitudes of each output value, setting their sum always equal to 1, which helps to present a multi-class neural network.
In summary, considering the operational characteristics of AC/DC hybrid transmission systems, the CNN-based fault feature extraction and classification model is capable of thoroughly mining fault features, thereby enhancing the effectiveness of fault diagnosis.

2.2. Based on the Data Augmentation Principle of Generative Adversarial Networks

Generative Adversarial Networks (GAN) are a type of data generation model based on the principles of zero-sum games and Nash equilibrium from game theory and are widely used for data generation and sample augmentation [19].
The fundamental concept involves alternately training two adversarial neural networks—the generator (G) and the discriminator (D)—to capture the distribution characteristics of real data and generate new samples that closely resemble authentic ones, thereby expanding and enriching the sample set. Among them, the generator aims to generate realistic fault samples that are indistinguishable from the real samples by the discriminator, thereby effectively enriching the training dataset, using random noise z to forge samples that are close to reality. The role of the discriminator is to distinguish between real and generated samples. The training objectives of the two networks are contradictory, and they are alternately trained in an adversarial manner. When a dynamic Nash equilibrium is reached, the network successfully converges, and at this point, the features of the generated samples are highly similar to those of the real samples. The fundamental architecture of the network is illustrated in Figure 2.
The loss functions for the aforementioned two parts of the network are, respectively,
L G = E z ~ P z log 1 D G z
L D = E x ~ P r log D x E z ~ P z log 1 D G z
where E represents the expected function, p r and p z are the distributions of real samples and random noise, respectively, and G ( ) and D ( ) are functions differentiable with respect to both the generator and discriminator networks, respectively, with G(z) representing the generated samples.
However, the traditional GAN model faces challenges related to training instability and convergence difficulties, primarily reflected in the following two aspects.
On one hand, there is the problem of mode collapse in the network. The generator and discriminator are trained alternately in an interleaved fashion. When the discriminator’s learning is not ideal, i.e., it is in a state of overfitting or underfitting, the generator’s sole goal is to perfectly fit the real samples, resulting in limited diversity among the generated samples. During the training process, the discriminator’s loss function assigns the same penalty value to non-real generated samples, causing the generator to excessively pursue the accuracy of the generated data while neglecting diversity, and the problem of mode collapse in the network gradually becomes prominent.
On the other hand, there is the problem of gradient vanishing. The generator’s loss function is formulated as the minimization of the Jensen–Shannon (JS) divergence between the real and generated sample distributions. The corresponding loss expressions are presented in Equations (8) and (9). From these equations, it can be seen that the JS divergence has a flat region where the loss function is constant, resulting in the phenomenon of gradient vanishing, which is not conducive to updating network parameters, and the adversarial training process is difficult to maintain.
L G = 2 J S P r | | P g 2 log 2
where JS divergence is an indicator that measures the similarity between two distributions, and its definition is as follows:
J S P r | | P g = 1 2 E x ~ P r log 2 P r P r + P g + 1 2 E x ~ P g log 2 P g P r + P g
where p r and p g represent the distributions of real samples and generated samples, respectively.

3. Data Augmentation Model Based on WGAN-GP

3.1. WGAN-GP Network

Original GAN experience problems like training instability and mode collapse, which are partly due to the improper design of the loss function within the network model. In particular, the Kullback–Leibler (KL) divergence and Jensen–Shannon (JS) divergence are not well-suited for quantifying the distance between the distributions of generated and real samples [20,21]. Wasserstein GAN (WGAN) provides an effective solution to these problems, improving the stability of network training to a certain extent.
WGAN adopts the Wasserstein distance as its loss function because it offers meaningful gradient information even when the sample distributions have little or no overlap, thus intuitively representing the closeness or divergence between distributions [22]. WGAN-GP is selected over other GAN variants due to its improved training stability and effectiveness under smallsample conditions. Unlike vanilla GAN or DCGAN, it uses Wasserstein distance and gradient penalty to avoid mode collapse and provide stable gradients. Moreover, non-GAN methods such as SMOTE or ADASYN cannot effectively model the temporal structure and nonlinear features of fault waveforms, making WGAN-GP more suitable for fault sample augmentation in this context. In contrast, both the Kullback–Leibler (KL) divergence and Jensen–Shannon (JS) divergence tend to exhibit discontinuous or abrupt variations, such as shifting from 0 to infinity or log (2), when faced with non-overlapping distributions, failing to accurately represent the distance between sample distributions. The definition of the Wasserstein distance is given by the following equation:
W ( P r , P g ) = inf γ ~ Π ( P r , P g ) Ε ( x , y ) ~ γ x y
where Π ( P r , P g ) represents the set of joint distributions bounded by P r and P g ; γ represents a joint distribution of P r and P g ; Ε ( x , y ) ~ γ x y denotes the expected value of the distance between the generated sample y and the real sample x under the joint distribution γ . The practical significance of this equation is to find the minimum value of the expected distance for all possible joint distributions between the distributions of generated samples and real samples. Where Π ( P r , P g ) represents the set of joint distributions bounded by P r and P g . Each fault sample contains 500 eigenvalues, i.e., the true sample distribution and the generated sample distribution each contain 500 probability distributions. There are a total of 500 joint distributions in Π ( P r , P g ) , corresponding to the joint distribution composed of each fault characteristic value. γ represents a joint distribution of P r and P g ; Ε ( x , y ) ~ γ x y denotes the expected value of the distance between the generated sample y and the real sample x under the joint distribution γ . The practical significance of this equation is to find the minimum value of the expected distance for all possible joint distributions between the distributions of generated samples and real samples.
However, the distance definition in the above equation inf γ ~ Π ( P r , P g ) cannot be directly solved. We introduce the Lipschitz continuous conditions for the calculations. In most cases, the Lipschitz continuity constraint can be relaxed to K-Lipschitz continuity. The K-Lipschitz continuity constraint is represented as follows:
f ( x 1 ) f ( x 2 ) K x 1 x 2
According to the Kantorovich–Rubinstein duality theorem, the Wasserstein distance between P r and P g can be converted into a function of dual form that satisfies the Lipschitz continuous condition, as shown below.
W ( P r , P g ) = max f ( x ) P r f ( x ) P g f ( x ) d x f ( x 1 ) f ( x 2 ) K x 1 x 2
Since P r and P g represents the probability distribution, Equation (3) can be written as a sample, as shown below.
W ( P r , P g ) = max f ( x ) , f L K E x ~ P r f ( x ) E x ~ P g f ( x )
where f L represents the Lipschitz constant of function f ( x ) ; K represents a constant value not less than 0. The above Equation (11) represents the K-Lipschitz continuity constraint condition. Equation (12) represents the upper bound of the difference between the expected values of distributions P r and P g for all possible f that satisfy the condition under the constraint that the Lipschitz constant of function f ( x ) does not exceed K. The practical significance of this equation is to convert Equation (10) through the dual theorem and the Lipschitz continuous condition into the maximum value of the expected difference between the two distributions P r and P g .
Considering the difficulty in accurately solving Equation (13) and given that neural networks have a good fitting ability for complex models, a set of parameters w is used to define a series of possible functions f w to approximate the Wasserstein distance. At this point, Equation (13) can be approximately transformed into the following form:
W ( P r , P g ) 1 K max w : f w L K Ε x ~ P r f w ( x ) Ε x ~ P g f w ( x )
Among them, in order to limit the value range of f w ( x ) , WGAN adopts the method of weight clipping. According to the pre-set truncation range, the parameters of the network model are restricted through artificial hard weight truncation, that is, the value range of w i is set to w i [ α , α ] , and α is a constant.
WGAN, to some extent, improves the stability of network training, but the method of weight clipping introduces new issues [23,24,25]. On one hand, the artificially set truncation range can easily lead to network parameters being limited to boundary values, greatly wasting the optimized setting of model parameters. This causes the final discriminator to tend to fit a simpler function, significantly affecting the network’s generalization and discrimination capabilities. On the other hand, weight clipping can easily lead to gradient vanishing or gradient explosion because both the discriminator and generator typically have multi-layer structures. If the constraints of weight clipping are too small or too large, it is very likely to encounter issues of gradient vanishing or explosion through multiple layers of the network.
WGAN-GP further improves upon the issues caused by weight clipping in WGAN by replacing weight clipping with gradient penalty constraints on the original network model to satisfy the K-Lipschitz continuity constraint conditions for model training [26]. Its superiority over weight clipping lies in the uniform distribution of training gradients, which greatly enhances the training performance of the network model. The loss functions of the generator and discriminator in WGAN-GP can be expressed as
L g = E x ˜ ~ p g f w x ˜
L d = E x ˜ ~ p g f w x ˜ E x ~ p r f w x + λ E x ^ ~ P x ^ x ^ f w x ^ 2 1 2
In the equation: E represents the expectation function, f w ( x ) is the differentiable function of the discriminator in the WGAN-GP model, x ˜ = G ( z ) refers to the generated samples, λ is the regularization coefficient, p denotes the p-norm, ε is a random number between 0 and 1, x ^ is the result of random interpolation between real samples and generated samples, and x ^ = ε x + 1 ε x ˜ .

3.2. Data Augmentation of Fault Samples Based on WGAN-GP

In the various operating states of actual AC/DC hybrid transmission systems, obtaining sample data under fault conditions is challenging, which in turn increases the likelihood of diagnostic errors when fault samples are limited. To tackle this problem, this chapter introduces a fault sample data augmentation approach based on WGAN-GP to enhance the accuracy of fault diagnosis. The structure of fault diagnosis based on WGAN-GP is shown in Figure 3.
From the structure of WGAN-GP fault diagnosis, it can be seen that the overall process of data sample expansion and fault diagnosis is mainly divided into four parts: fault data processing, network model training, data sample expansion, and fault diagnosis. The detailed contents are as follows.
Fault data processing: preprocess the fault data to obtain the raw dataset.
Network model training: Train the WGAN-GP network model using samples from the raw dataset. Create the generator G and discriminator D and initialize their weight parameters. Use an alternating iterative training method to update the generator and discriminator networks. After multiple rounds of adversarial training, when WGAN-GP reaches a dynamic game equilibrium, the network model training ends.
Data sample expansion: By inputting random noise signals into the trained generator model, new samples that closely resemble the original data are produced. This process expands the original dataset, enhancing both its scale and quality.
Fault diagnosis: To verify the effectiveness of dataset expansion, use the expanded dataset to diagnose fault lines and fault types, and assess the diagnostic accuracy and reliability using relevant evaluation metrics, thereby verifying the feasibility and effectiveness of the WGAN-GP data augmentation method.

3.3. Comprehensive Evaluation Indicators for Fault Diagnosis

To further analyze and evaluate the results of fault diagnosis, and to meet the requirements of accuracy, rapidity, reliability, and stability for short-circuit fault diagnosis in AC/DC hybrid transmission systems, five indicators are set up to measure the identification results of the network model: accuracy of fault line identification, accuracy of fault type identification, identification time, tolerance to transition resistance, and anti-noise interference ability.
(1) Accuracy
The classification and diagnostic performance of the network model is evaluated based on its accuracy in identifying faulted lines and fault types. The expression for the accuracy of fault diagnosis is as follows:
α = n N × 100 %
(2) Rapidity
The average identification time for a single fault sample is calculated by analyzing the total identification time T of the samples in the fault test set. Its expression is as follows:
t = T N
(3) Reliability and Stability
Since both noise interference and transition resistance can cause variations in fault-related electrical quantities, thereby affecting the accuracy of fault diagnosis, different transition resistances and noise interferences are introduced into the fault quantities. The reliability and stability of the fault diagnosis model are indicated by the extent of variation in its accuracy metrics.

4. Verification with Examples

4.1. AC/DC Hybrid System Model and Dataset

In this study, a comprehensive model of the AC/DC hybrid system is developed using the PSCAD/EMTDC simulation software (version 4.6.2), with the system parameters detailed in Table 1.
The system’s main wiring is a symmetrical true bipolar structure. The sending-end LCC converter station is linked to a major energy base, delivering power to the entire line, using constant current control, constant minimum firing angle control, and low-voltage current limiting control. The receiving-end consists of two MMC converter stations that feed power into the load center. The topology of the conversion units is identical. Converter Station 2 operates under constant DC voltage and reactive power control, whereas Converter Station 3 adopts constant active power and reactive power control.
The simulation wiring diagram of the AC and DC hybrid transmission system is shown in Figure 4.
The fault scenario dataset for the AC and DC hybrid transmission system includes variables such as the fault line, fault type, fault distance, and transition resistance. The AC and DC transmission system comprises two DC lines and one AC line. It is necessary to collect fault samples and set different transition resistances as interferences, totaling 2550 fault samples for the diagnostic model’s input data. The current measurements are collected as a set of inputs, with each input matrix having 5 columns. The sampling window width is 5 ms, and the sampling frequency is set to 20 kHz, resulting in an input row count of A. Therefore, the size of the input matrix is [100, 5]. Each fault sample consists of time-domain current signals obtained from five channels, directly taken from the electromagnetic transient simulations. These signals are not subjected to wavelet or frequency-domain transformations to preserve their original fault waveform characteristics. Before being fed into the CNN model, each signal channel is normalized using min–max scaling, as shown in Equation (1), to ensure consistency in magnitude and facilitate convergence during model training. The fault sample collection is shown in Table 2.

4.2. A Fault Diagnosis Model Based on CNN

To fulfill the demands for speed, accuracy, and reliability in fault diagnosis, it is essential to construct a well-designed CNN network model. In this section, the goal is to minimize cross-entropy, and the hyperparameters of the network are selected accordingly. An optimized fault diagnosis network based on CNN is determined, and the optimized network parameters are shown in Table 3. It is worth noting that the CNN architectures in Table 3 differ across fault types and lines. This is because the electromagnetic transient behaviors of DC Line 1, DC Line 2, and the AC line differ significantly in terms of signal characteristics and sensitivity to noise. To achieve optimal diagnostic performance, each network structure was determined through hyperparameter tuning using cross-validation, balancing diagnostic accuracy with computational efficiency. The optimal recognition performance is obtained when the training and test sets are split in a 7:3 ratio. To prevent information leakage and ensure fair evaluation, all synthetic samples generated by WGAN-GP and baseline augmentation methods were added only to the training set. The validation and test sets were constructed using exclusively real samples, maintaining a strict separation between generated and original data.
To validate the feasibility and effectiveness of the data augmentation method proposed in this chapter, the sample dataset is expanded, and the diagnostic performance of the augmented dataset is subsequently evaluated. The proposed network model is implemented using MATLAB’s Deep Learning Toolbox (R2022b), with the PC configured with an Intel® Core™ i7-11370H CPU @ 3.30 GHz and an RTX 3050 GPU.

4.3. Data Augmentation Model and Training Effects Based on WGAN-GP

4.3.1. Parameters of the Data Augmentation Model Based on WGAN-GP

As shown in Table 4, the generator network model consists of 6 layers. The ReLU function is selected as the activation function for the transposed convolutional layers due to its benefits of fast convergence, reduced sensitivity to gradient vanishing, and improved stability during convolution. For the final fully connected layer, the tanh function is employed, as it facilitates sample generation optimization to a certain extent.
The discriminator network structure is similar to the generator network structure, as shown in Table 5. It also comprises multiple convolutional layers; however, the key difference is that the activation function of the final fully connected layer is a sigmoid function. This function maps the output to the interval (0, 1), representing the discriminant result of the similarity between the input sample and the real sample.

4.3.2. Training Effects of Data Augmentation Model Based on WGAN-GP

Based on the fundamental theory of WGAN-GP, the training process of the generator and discriminator is inherently adversarial in nature, which can be formulated as a min–max optimization problem. The training parameters of the enhanced model are configured as follows: the Adam optimizer is employed for updating network weights, with a learning rate of 0.001, and the number of pre-training epochs is set to 20,000. To clearly and intuitively demonstrate the generation of AC/DC hybrid transmission line fault samples by the WGAN-GP model, the training process is analyzed through three aspects: the change curve of the network loss function, the iterative evolution of the generated sample data by the generator, along with the visualization of features for both generated and real samples.
(1) Changes in the network model loss function
The loss function value of the discriminator adopts the Wasserstein distance function, which can reflect the disparity between the generated samples and the real samples. In Figure 5, the change curve of the loss function shows the change curve of the discriminator loss function.
In the early stages of training, the generated samples lack the characteristic features present in the real samples, and the discriminator can easily distinguish between the authenticity of the input samples, resulting in a large loss value. At the 2500th iteration, the generator has preliminarily learned the features of the samples, and although the loss value of the discriminator is still oscillating, it indicates that the effect of the generated samples simulating the original samples is not yet stable. By the 20,000th iteration, the loss value of the discriminator fluctuates very little around 0, to a certain extent indicating that the generated samples closely resemble real samples. In addition, by comparing the two curves of WGAN and WGAN-GP in the figure, it is found that after adding gradient penalty constraints, the convergence speed of the discriminator loss value is greatly accelerated, and there are fewer burrs during the training process, which confirms that the method proposed in this paper is capable of generating new samples rapidly and stably.
(2) Iterative changes in the generated sample data by the generator
Taking the real sample of the positive ground short-circuit fault on DC Line 1 as an example, the data of a single fault sample is input into the WGAN-GP network model for iterative training. The changes in the generator loss and discriminator loss are shown in Figure 6. During the iterative training process of the WGAN-GP network, after 5000 iterations, the generator loss value gradually tends to 0, indicating that the generated samples can learn the deep-seated fault characteristics of the real samples at this point, and finally, samples that are highly similar to the real samples are obtained. Figure 7a to f, respectively, show the characteristic performance of the original real sample of a single fault and the generated samples after 100, 1000, 5000, 10,000, and 20,000 iterations.
From the generated samples of different iteration numbers, it can be seen that after 100 iterations of WGAN-GP, the generated samples by the generator differ greatly from the real samples, containing a large amount of noise signals, indicating that the generator has not learned the distribution characteristics of the fault samples. With the increase in the number of iterations, after 1000 iterations, the generated samples have begun to gradually resemble the real samples in shape and feature distribution but still contain a lot of noise. When the network iterates to 5000 times, the generated sample data only have poor simulation effects in some areas compared to the real fault samples, mixed with a small amount of noise signals. The generated samples after 10,000 iterations and 20,000 iterations have a high similarity to the original samples, and the curves are relatively smooth, fully learning the fault signal characteristics of the original samples. The above iterative change process shows that the WGAN-GP adopted in this chapter enables the generator to grasp the deeper characteristics of the original fault samples in the process of adversarial learning with the discriminator.
(3) Visualization Analysis of Characteristics of Generated Samples and Real Samples
To further evaluate the generation performance, a positive pole grounding fault sample from DC Line 1 is selected as an example. A subset of generated and real samples is randomly chosen, and t-SNE is applied to reduce the dimensionality of both the generated and original data for visual inspection and analysis. Figure 8 presents the data distribution after dimensionality reduction using t-SNE.
As can be seen from Figure 7, most of the generated samples highly overlap with the real samples, indicating a high degree of feature similarity; however, some discrepancies remain between certain generated samples and real samples, suggesting that the generated data retains a certain level of diversity. The samples generated by the WGAN-GP network not only exhibit high similarity to the original data but also enhance the diversity of the dataset, thereby contributing to the improved generalization capability of the network model.

4.4. Analysis of Fault Diagnosis Effect

To verify the superiority of the WGAN-GP network for data augmentation in AC/DC hybrid transmission system fault diagnosis, a fault diagnosis of the generated samples is conducted using a CNN fault diagnosis network.
The trained WGAN-GP network model is used to generate fault samples. For DC Line 1, 1800 samples are generated for each fault type, while for DC Line 2, 1000 samples are generated per fault type. For AC lines, 180 samples are generated for each type of fault. The CNN fault diagnosis network is used to identify the nature of the faults in the generated samples, and the diagnosis results are shown in Table 6 and Table 7, respectively.
From the above two tables, it can be seen that the overall diagnostic accuracy of the samples generated by the WGAN-GP network is high, with a diagnostic accuracy rate of 100% for fault lines, and the diagnostic accuracy rate for fault types is not lower than 99.26%. Thanks to the enrichment of the diversity of the generated fault sample set based on the original fault samples, the diagnostic effect of the fault diagnosis network is very good. Therefore, it can be explained that the generator in the WGAN-GP network can learn to extract feature information from real fault samples during the training process, and the generated samples have good practical application value. To further validate the effectiveness of the WGAN-GP network in fault sample data augmentation, a comparative test is conducted between the original sampling scenario and the scenario after dataset expansion with samples generated by WGAN-GP using the CNN fault diagnosis network. Using the fault type diagnosis of DC Line 1 as an example, the test results are presented in Table 8. In order to emphasize the necessity of data augmentation, we clarify that the original dataset for DC Line 1 contains only 235 samples per fault type. Such a small sample size is representative of real-world conditions where fault events are rare. Without augmentation, the CNN model achieved a diagnosis accuracy of 99.57%, with three misclassified instances. The accuracy can be improved to 99.94% with the increase in test samples after GAN and WGAN enhancement methods, but there are still two misclassified samples. After applying WGAN-GP-based augmentation, the accuracy improved to 100%, as shown in Table 8. This validates that the proposed method can effectively improve diagnostic accuracy under limited-sample conditions.
To measure the end-to-end delay of fault diagnosis, the average diagnostic duration (t) for a single fault sample is obtained by processing the identification time (T) of all generated samples (with the quantity being N). The fault diagnosis duration of DC Line 1 is shown in Table 8. It can be found that the WGAN-GP augmentation method also achieves good results in terms of diagnostic duration, which is attributed to the more obvious fault features after data augmentation, leading to a certain improvement in diagnostic performance.
From the table, it can be observed that the fault diagnosis accuracy on the test set augmented by WGAN-GP reaches 100%. Based on the fault diagnosis effect, it is known that the samples generated by the WGAN-GP network can fit the fault scenarios of AC/DC hybrid transmission system lines. The generated samples obtained through the generator network model have both high similarity to the original fault samples and appropriate differences. Therefore, the fault diagnosis effect has been improved after dataset expansion, which largely indicates that the data augmentation method of the WGAN-GP network plays a key role, and provides an important solution for how to efficiently improve the diagnostic capability of deep learning models in scenarios with limited sample data.

5. Conclusions

Tackling the challenge of limited fault samples in the fault diagnosis of real-world AC/DC hybrid transmission system lines, this paper proposes a method for data augmentation of fault samples based on WGAN-GP. Firstly, a discriminator and generator network model suitable for fault sample data is constructed. Then, new samples highly similar to the original fault samples are generated using the WGAN-GP network. Finally, the application effect of the generated samples is verified through a fault diagnosis network. The case study verifies the following conclusions:
(1) This paper introduces gradient penalty constraints into the WGAN network model, which effectively enhances the training stability of both the discriminator and the generator. By comparing the iterative change curves of the discriminator loss functions of WGAN and WGAN-GP, it is concluded that WGAN-GP can quickly reach a convergence state and has higher stability.
(2) The quality of the generated samples is evaluated by feeding them into the CNN fault diagnosis model for testing and analysis. The generated samples based on the WGAN-GP network can highly simulate the original real samples. Through the t-SNE dimensionality reduction visualization analysis of the generated samples and real samples, it is concluded that the generator constructed in this paper can ensure that the generated samples have diverse characteristics different from the real samples.
(3) The samples generated by the WGAN-GP network are merged with the original dataset to form a new sample set and input into the fault diagnosis network for inspection. Compared with the original sample set, the expanded sample set has improved fault diagnosis effect, indicating that the proposed method can achieve better sample augmentation effect and improve the fault diagnosis performance of the network.
Although the proposed method is validated using a three-terminal AC/DC hybrid transmission system, the approach itself is data-driven and does not rely on system-specific structural assumptions. As such, it can be generalized to other AC/DC hybrid configurations, provided that sufficient representative training data are available. Future work will focus on validating the method across different topologies and expanding its applicability to real-world measured fault records.

Author Contributions

All authors contributed to the research in the paper. Conceptualization, Z.S. and Y.Z.; data curation, Z.H.; formal analysis, Y.W. and Y.L.; funding acquisition, J.D.; investigation, Z.S.; methodology, D.A. and J.C.; resources, Y.Z.; software, Z.S. and Z.H.; supervision, Y.W., Y.L., and J.D.; validation, Z.S.; visualization, J.C.; writing—original draft, Y.Z. and D.A.; writing—review and editing, Z.S. and Z.H. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported by the science and technology project of the State Grid Shanxi Electric Power company (52053325000B).

Data Availability Statement

The original contributions presented in the study are included in the article, further inquiries can be directed to the corresponding author.

Conflicts of Interest

Authors Zheng Shi, Yonghao Zhang, Zesheng Hu, Yao Wang, Yan Liang, Jiaojiao Deng, Jie Chen and Dingguo An were employed by the company Economic and Technical Research Institute of State Grid Shanxi Electric Power Company. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

References

  1. Li, H.; Liu, D.; Yao, D. Analysis and Reflection on the Development of Power System Towards the Goal of Carbon Emission Peak and Carbon Neutrality. In Proceedings of the CSEE 2021, Lisbon, Portugal, 21–23 June 2021; pp. 6245–6259. [Google Scholar]
  2. Lv, P. Research on HVDC Operation Characteristics Under Influence of Hybrid AC/DC Power Grids. Power. Syst. Technol. 2022, 46, 503–510. [Google Scholar]
  3. Zhang, T.; Yao, J.; Lin, Y.; Jin, R.; Zhao, L. Impact of Control Interaction of Wind Farm with MMC-HVDC Transmission System on Distance Protection Adaptability under Symmetric Fault. Prot. Control. Mod. Power. Syst. 2025, 10, 83–101. [Google Scholar] [CrossRef]
  4. Xu, X.; Chen, W.; Sun, Y. Over-sampling algorithm for imbalanced data classification. J. Syst. Eng. Electron. 2019, 30, 1182–1191. [Google Scholar] [CrossRef]
  5. Ileberi, E.; Sun, Y. Advancing Model Performance with ADASYN and Recurrent Feature Elimination and Cross-Validation in Machine Learning-Assisted Credit Card Fraud Detection: A Comparative Analysis. IEEE Access. 2024, 12, 133315–133327. [Google Scholar] [CrossRef]
  6. Li, J.; Pan, S.; Zhang, X.; Lin, C.T.; Stayman, J.W.; Gang, G.J. Generative Adversarial Networks with Radiomics Supervision for Lung Lesion Generation. IEEE Trans. Biomed. Eng. 2024, 72, 286–296. [Google Scholar] [CrossRef] [PubMed]
  7. True, P.; Graef, T.; Menge, M. Detection of partial discharges in high voltage DC cable systems using current pulse waveform analyses and generative adversarial networks. In Proceedings of the VDE High Voltage Technology; 4. ETG-Symposium, Berlin, Germany, 8–10 November 2022; pp. 1–6. [Google Scholar]
  8. Zheng, X.; Wu, C.; Sun, J.; He, H.; Wu, C. Research on Commutation Failure Fault Diagnosis in HVDC Transmission Systems Based on WGAN and DT-SVM. In Proceedings of the 2024 5th International Conference on Computer, Big Data and Artificial Intelligence (ICCBD+AI), Jingdezhen, China, 1–3 November 2024; pp. 513–519. [Google Scholar]
  9. He, Y.H.; Song, Y.H.; He, S.; Zhou, Z.Z.; Sun, M.; Chen, Y.; Yan, Y.F. Few-Shot Image Generation Method for Power Defect Detection. In Proceedings of the Annual Meeting of CSEE Study Committee of HVDC and Power Electronics (HVDC 2023), Nanjing, China, 22–25 October 2023; pp. 349–355. [Google Scholar]
  10. Hu, L.; Wang, W.; Xiang, Y.; Zhang, J. Flow Field Reconstructions with GANs Based on Radial Basis Functions. IEEE Trans. Aerosp. Electron. Syst. 2022, 58, 3460–3476. [Google Scholar] [CrossRef]
  11. Chen, K.; Hu, J.; He, J. Detection and Classification of Transmission Line Faults Based on Unsupervised Feature Learning and Convolutional Sparse Autoencoder. In Proceedings of the 2017 IEEE Power & Energy Society General Meeting (PESGM), Chicago, IL, USA, 16–20 July 2017; pp. 1–1. [Google Scholar]
  12. Lv, K.; Wang, D.; Huang, W.; Liu, H.; Jiang, Y.; Hu, J. Multiple Fault Diagnosis of PMSM Based on Stator Tooth Flux and Parallel Residual Convolutional Neural Network. IEEE Trans. Transp. Electrif. 2024, 10, 9727–9738. [Google Scholar] [CrossRef]
  13. Zhang, D.; Zhang, X.; Sun, H.; He, J. Fault Diagnosis for AC/DC Transmission System Based on Convolutional Neural Net-work. Autom. Electric. Power. Syst. 2022, 46, 132–145. [Google Scholar]
  14. Liang, Y.; Zhang, J.; Shi, Z.; Zhao, H.; Wang, Y.; Xing, Y.; Zhang, X.; Wang, Y.; Zhu, H. A Fault Identification Method of Hybrid HVDC System Based on Wavelet Packet Energy Spectrum and CNN. Electronics 2024, 13, 2788. [Google Scholar] [CrossRef]
  15. Li, M.; Chen, K.; He, J.; Luo, Y.; Wang, X.; Luo, G.; Zhang, D. Analysis of Fault Characteristics of Hybrid Multiterminal HVDC Transmission System. In Proceedings of the 2020 2nd International Conference on Smart Power & Internet Energy Systems (SPIES), Bangkok, Thailand, 15–18 September 2020; pp. 88–93. [Google Scholar]
  16. Wu, S.; Ma, G.; Yao, C.; Sun, Z.; Xu, S. Current Sensor Fault Detection and Identification for PMSM Drives Using Multichannel Global Maximum Pooling CNN. IEEE Trans. Power. Electron. 2024, 39, 10311–10325. [Google Scholar] [CrossRef]
  17. Kiranyaz, S.; Gastli, A.; Ben-Brahim, L.; Al-Emadi, N.; Gabbouj, M. Real-Time Fault Detection and Identification for MMC Using 1-D Convolutional Neural Networks. IEEE Trans. Ind. Electron. 2018, 66, 8760–8771. [Google Scholar] [CrossRef]
  18. Li, X.; Li, P.; Zhang, Z.; Yin, J.; Sheng, Y.; Zhang, L.; Zhou, W.; Zhuang, X. CNN-LSTM-Based Fault Diagnosis and Adaptive Multichannel Fusion Calibration of Filament Current Sensor for Mass Spectrometer. IEEE Sens. J. 2023, 24, 2255–2269. [Google Scholar] [CrossRef]
  19. Lan, J.; Zhou, Y.; Guo, Q.; Sun, H. Data Augmentation for Data-Driven Methods in Power System Operation: A Novel Framework Using Improved GAN and Transfer Learning. IEEE Trans. Power. Syst. 2024, 39, 6399–6411. [Google Scholar] [CrossRef]
  20. Kang, M.; Zhu, R.; Chen, D.; Li, C.; Gu, W.; Qian, X.; Yu, W. A Cross-Modal Generative Adversarial Network for Scenarios Generation of Renewable Energy. IEEE Trans. Power. Syst. 2023, 39, 2630–2640. [Google Scholar] [CrossRef]
  21. Shao, Z.; Zhang, C.; Chen, F.; Xie, Y. A Review on Generative Adversarial Networks for Power System Applications. In Proceedings of the CSEE 2023, Lisbon, Portugal, 29–31 March 2023; pp. 987–1004. [Google Scholar]
  22. Zhang, X.; Zhao, Z.; Shao, R.; Li, C.; Tang, H. Mechanical Anomaly Detection and Early Warning for Ultrahigh-Voltage Shunt Reactors via Adaptive Thresholds and WGAN-GP. IEEE Sens. J. 2024, 24, 20219–20230. [Google Scholar] [CrossRef]
  23. Yang, Z.; Zhang, S.; Ten, C.-W.; Liu, T.; Pang, X.; Sun, H. Implementation of Risk-Aggregated Substation Testbed Using Generative Adversarial Networks. IEEE Trans. Smart. Grid 2022, 14, 677–689. [Google Scholar] [CrossRef]
  24. Gondhi, S.R.; Janak, U.R.; Raja, A.; Asrari, A. WGAN-Based Synthetic Data Generation for Modeling Cyberattacks in Power Transmission Systems. In Proceedings of the 2024 8th International Symposium on Innovative Approaches in Smart Technologies (ISAS), İstanbul, Turkey, 6–7 December 2024; pp. 1–5. [Google Scholar]
  25. Yao, J.; Zhao, S.; Wei, Z.; Zhang, H. Day-ahead dispatch and its fast solution method of power system based on scenario analysis. Electric. Power. Autom. Equip. 2022, 42, 50–56+110. [Google Scholar]
  26. Guo, K.; Liu, Y.; Yang, Q. WGAN-GP Based Data Reconstruction for Operational Faults of Power Distribution Networks. In Proceedings of the 2023 IEEE 7th Conference on Energy Internet and Energy System Integration (EI2), Hangzhou, China, 15–18 December 2023; pp. 2138–2144. [Google Scholar]
Figure 1. The basic structure of a CNN fault diagnosis network.
Figure 1. The basic structure of a CNN fault diagnosis network.
Electronics 14 02897 g001
Figure 2. Flowchart for generating an adversarial network.
Figure 2. Flowchart for generating an adversarial network.
Electronics 14 02897 g002
Figure 3. Fault diagnosis structure based on WGAN-GP.
Figure 3. Fault diagnosis structure based on WGAN-GP.
Electronics 14 02897 g003
Figure 4. The main circuit diagram of three-terminal hybrid HVDC transmission system.
Figure 4. The main circuit diagram of three-terminal hybrid HVDC transmission system.
Electronics 14 02897 g004
Figure 5. The change curve of the loss function.
Figure 5. The change curve of the loss function.
Electronics 14 02897 g005
Figure 6. Changes in generator loss and discriminator loss.
Figure 6. Changes in generator loss and discriminator loss.
Electronics 14 02897 g006
Figure 7. Generating sample iterations of change.
Figure 7. Generating sample iterations of change.
Electronics 14 02897 g007aElectronics 14 02897 g007b
Figure 8. Dimensionality reduction distribution of the dataset.
Figure 8. Dimensionality reduction distribution of the dataset.
Electronics 14 02897 g008
Table 1. Simulation parameters of the system.
Table 1. Simulation parameters of the system.
System ParametersParameter Values
Rated voltage of the AC side (1, 2, 3)525 kV
DC rated voltage±800 kV
Length of DC line L1932 km
Length of DC line L2557 km
Rated capacity of converter station 18000 MW
Rated capacity of converter station 25000 MW
Rated capacity of converter station 33000 MW
Inductance value of the smoothing reactor for converter station 1300 mH
Inductance value of the neutral bus current-limiting reactor for converter stations 2 and 375 mH
Inductance value of the DC pole line current-limiting reactor for converter stations 2 and 375 mH
Length of AC line L330 km
Table 2. Fault sample collection.
Table 2. Fault sample collection.
ParameterDC Line L1DC Line L2AC Line L3
Fault initiation point (km)15301
Spacing distance (km)20202
Fault end (km)90552030
Fault typePositive pole fault
Negative pole fault
Inter-pole short circuit
AG, BG, CG, AB, AC, BC, ABG, ACG, BCG, ABC
Transition resistance ( Ω )0.0140, 80, 120, 160, 200, 240, 280, 320, 3600, 10, 40
Table 3. Optimized parameters for the CNN.
Table 3. Optimized parameters for the CNN.
Structure LayerNetwork Parameters
Faulty LineLine 1 Fault TypeLine 2 Fault TypeLine 3 Fault Type
Input layer
2D Convolutional Layer 15 × 5, 29, (1)3 × 4, 52, (1)3 × 5, 53, (1)7 × 5, 70, (1)
Max Pooling Layer 12 × 2, (2)2 × 2, (2)2 × 2, (2)2 × 2, (2)
2D Convolutional Layer 23 × 4, 6, (1)3 × 2, 20, (1)3 × 3, 24, (1)6 × 3, 36, (1)
Max Pooling Layer 22 × 2, (2)2 × 2, (2)2 × 2, (2)2 × 2, (2)
Fully Connected Layer 1128128128128
Fully Connected Layer 233310
Learning Rate0.0010.00330.0010.001
Table 4. The structure and parameter settings of the generator network.
Table 4. The structure and parameter settings of the generator network.
Network LayerTypeNetwork Layer Parameters
1Input LayerInput Noise Data Dimension: 4
2Signal Reshaping LayerNetwork Layer Size: 1 × 50 × 32
3Transposed Convolution Layer1 × 2, 32, (1)
Activation Function: Relu
4Transposed Convolution Layer1 × 3, 16, (1)
Activation Function: Relu
5Transposed Convolution Layer1 × 3, 1, (1)
Activation Function: Relu
6Fully Connected LayerOutput data dimension: 500
Activation Function: tanh
Table 5. Structure and parameter settings of the discriminator network.
Table 5. Structure and parameter settings of the discriminator network.
Network LayerTypeNetwork Layer Parameters
1Input LayerInput Noise Data Dimension: 1 × 500
2Convolutional Layer1 × 3, 16, (1)
Activation Function: LeakyRelu
3Convolutional Layer1 × 3, 32, (1)
Activation Function: LeakyRelu
4Convolutional Layer1 × 3, 64, (1)
Activation Function: LeakyRelu
5Convolutional Layer1 × 3, 1, (1)
Activation Function: LeakyRelu
6Fully Connected LayerOutput Dimension: 1
Activation Function: sigmoid
Table 6. Generates a sample of fault line diagnostic results.
Table 6. Generates a sample of fault line diagnostic results.
Faulty LineTotal Number of Generated SamplesNumber of Test Set SamplesNumber of Misdiagnosed SamplesDiagnostic Accuracy Rate/%
DC Line 1540016200100
DC Line 230009000100
AC Line1800540499.26
Table 7. Generates a sample of fault type diagnostic results.
Table 7. Generates a sample of fault type diagnostic results.
Fault TypeTotal Number of Generated SamplesNumber of Misdiagnosed SamplesDiagnostic Accuracy Rate/%
DC Line 1Positive pole fault5400100
Negative pole fault5400100
Inter-pole short circuit5400100
Total16200100
DC Line 2Positive pole fault3000100
Negative pole fault3000100
Inter-pole short circuit3000100
Total9000100
AC LineSingle-phase grounding162298.77
Phase-to-phase short circuit1620100
Two-phase grounding162298.77
Three-phase short circuit540100
Total540499.26
Table 8. Fault diagnosis results for original and expanded sets.
Table 8. Fault diagnosis results for original and expanded sets.
Sample ConditionsNumber of Training Set SamplesNumber of Test Set SamplesNumber of Misdiagnosed SamplesDiagnostic Accuracy Rate/%Diagnostic Duration/ms
Original Dataset1645705399.570.646
GAN Augmented Dataset82253525299.940.641
WGAN Augmented Dataset82253525299.940.639
WGAN-GP Augmented Dataset8225352501000.637
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Shi, Z.; Zhang, Y.; Hu, Z.; Wang, Y.; Liang, Y.; Deng, J.; Chen, J.; An, D. Research on the Enhancement of Provincial AC/DC Ultra-High Voltage Power Grid Security Based on WGAN-GP. Electronics 2025, 14, 2897. https://doi.org/10.3390/electronics14142897

AMA Style

Shi Z, Zhang Y, Hu Z, Wang Y, Liang Y, Deng J, Chen J, An D. Research on the Enhancement of Provincial AC/DC Ultra-High Voltage Power Grid Security Based on WGAN-GP. Electronics. 2025; 14(14):2897. https://doi.org/10.3390/electronics14142897

Chicago/Turabian Style

Shi, Zheng, Yonghao Zhang, Zesheng Hu, Yao Wang, Yan Liang, Jiaojiao Deng, Jie Chen, and Dingguo An. 2025. "Research on the Enhancement of Provincial AC/DC Ultra-High Voltage Power Grid Security Based on WGAN-GP" Electronics 14, no. 14: 2897. https://doi.org/10.3390/electronics14142897

APA Style

Shi, Z., Zhang, Y., Hu, Z., Wang, Y., Liang, Y., Deng, J., Chen, J., & An, D. (2025). Research on the Enhancement of Provincial AC/DC Ultra-High Voltage Power Grid Security Based on WGAN-GP. Electronics, 14(14), 2897. https://doi.org/10.3390/electronics14142897

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop