Next Article in Journal
Development of Architectural Object Automatic Classification Technology for Point Cloud-Based Remodeling of Aging Buildings
Previous Article in Journal
Analysis of Lateral Forces for Assessment of Safety against Derailment of the Specialized Train Composition for the Transportation of Long Rails
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Transformer Fault Diagnosis Method Based on SCA-VMD and Improved GoogLeNet

School of Intelligent Manufacturing Modern Industry, Xinjiang University, Urumqi 830046, China
*
Author to whom correspondence should be addressed.
Submission received: 11 December 2023 / Revised: 31 December 2023 / Accepted: 12 January 2024 / Published: 19 January 2024

Abstract

:
Aiming at the influence of the fundamental frequency and its harmonics in transformer vibration signals on fault signals, which cause a low fault identification rate and degradation of classification model performance, a new strategy is proposed for fault diagnosis using periodic map spectrum feature maps as input features. In this study, the optimal decomposition parameters were first found adaptively using the VMD improved by the positive cosine optimisation algorithm; then, the transformer vibration signal was modally decomposed, and the periodic map spectrum features were plotted according to the differences in the energy distribution of the different modal components at different frequencies. Finally, the GoogLeNet classification model with the improved attention mechanism assigned different weights to the feature maps in both spatial and channel dimensions to improve the classification accuracy and achieve transformer fault diagnosis. The experimental results verified the validity of the adopted feature map and the proposed model, and the accuracy was significantly improved to 99.04% compared with the traditional GoogLeNet, which is valuable for engineering applications.

1. Introduction

With the significant enhancement in the comprehensive globalisation of the world and the rapid social and economic development, the scale of the power grid is constantly expanding, and the user requirements for the safety and stability of electric power equipment are getting higher and higher [1]. The transformer, as one of the key pivotal pieces of equipment for transforming voltage, regulating power, improving voltage stability and improving power quality, can ensure uninterrupted power supply to end users, as well as the safety and stability of the power system [2,3,4]. Therefore, it is important to set up a perfect and accurate fault early warning mechanism to monitor and diagnose the condition of a power transformer in real time to obtain the internal mechanical status of the power transformer and to prevent accidents in a timely and effective manner [5].
At present, the methods for transformer mechanical fault diagnosis are mainly divided into those based on transformer electrical characteristics and those based on transformer vibration characteristics. Methods based on electrical characteristics mainly include the low-voltage impulse method, frequency response analysis method and short-circuit impedance method [6,7], but they are not widely used because they generally require power outage diagnosis. The transformer vibration method mainly refers to the vibration signal analysis method, which is used to diagnose the winding status online by collecting the vibration signals on the surface of the transformer tank, which has no electrical connection with the transformer; this method is more accurate, easier to operate, safer and more convenient compared with other methods, and is a hot spot of current research [8,9]. The research related to transformer vibration signals began in the 1980s. In the mid-to-late 1990s, refs. [10,11] proposed the use of vibration analysis to analyse the vibration signals on the surface of transformers.
The vibration signal analysis method can identify the electromagnetic force, mechanical movement, structural deformation and other physical phenomena inside the transformer, which can reveal the overall working status of the transformer and possible faults [12,13] and is more intuitive and easier to interpret than other methods. The transformer vibration signal research mainly considers the vibration mechanism via the extraction of vibration signal eigenvalues and real-time calculation of the transformer box surface vibration signal changes [14,15,16], and by using the same transformer historical data or the same type of transformer data for comparison and analysis of the normal operating conditions, you can judge the working state of the transformer under test. So far, related researchers have achieved certain research results in the study of transformer vibration characteristics and fault diagnosis methods based on vibration signals. In [17], by mining the fault information contained in the vibration signals, continuous wavelet transform (CWT) was used for the feature extraction, and the vibration signals were converted into RGB images with a time–frequency relationship; then, an improved convolutional neural network (CNN) model was used to complete the image recognition task of transformer fault diagnosis. In [18], a transformer fault diagnosis method based on the combination of time-shifted multiscale bubble entropy (TSMBE) and stochastic configuration network (SCN) was proposed. The method introduces bubble entropy to overcome the shortcomings of traditional entropy models that rely too much on hyperparameters. Based on the bubble entropy, a TSMBE tool was proposed to measure the signal complexity, and then, the TSMBE of the transformer vibration signal was extracted as the fault feature. Finally, the fault features were input into the random configuration network model to achieve the accurate identification of different transformer state signals. In [19], the vibration signals were converted into different images by combining the simultaneous wavelet transform and the simultaneous generalised S-transform, which effectively expanded the samples and extracted the effective features of the signals. A two-stream densely connected residual contraction network (TSDen2NetRS) was used to achieve high-precision transformer fault diagnosis under different operating conditions. Ref. [20] proposed a new approach based on the improved empirical wavelet transform (IEWT) and sandy bee algorithm (SSA) optimisation learning machine (KELM), which not only efficiently diagnoses fault classes present in the training set, but also identifies unknown fault classes. Ref. [21] combined two parts, namely, a data measurement subsystem and data reception subsystem, to form a monitoring system based on IoT technology, and proposed a new method of transformer fault diagnosis based on an IoT monitoring system and integrated machine learning; the proposed method compensated for the deficiency of individual deep learning methods to extract feature information. However, the above study ignored the fact that during the actual operation of the transformer, the existence of the closed magnetic circuit of the core, the electrical circuit of the windings and the gate ring, and thus, the formation of the closed circuit, resulting in additional electromagnetic force on some structural parts; this produces nonlinear characteristics of the closed magnetic circuit, the electrical circuit and the gate ring, and thus introduces additional harmonic and nonharmonic components, resulting in the accuracy of the vibration-signal-based fault diagnosis. In [22,23,24], by studying the force characteristics and vibration characteristics of the transformer core and windings in a harmonic environment, it was found that the vibration energy distribution was shifted from the low-frequency band to the high-frequency band after the harmonics were injected, but the existing studies did not make use of this feature in the transformer fault diagnosis research.
The above work shows that most of the studies on transformer fault diagnosis based on vibration signals, although significant, ignored the interference caused by harmonic and non-harmonic components of the vibration signals on the signals, thus resulting in a low fault recognition rate and degradation of the performance of the classification model. On this basis, a transformer fault diagnosis method based on SCA-VMD and improved GoogLeNet was proposed to collect and analyse different fault signals of transformers and successfully applied in transformer fault diagnosis experiments. In comparison with existing research, the following main contributions were made: (1) This paper introduces the positive cosine algorithm to adaptively determine the VMD algorithm in the signal processing process, which cannot determine the decomposition parameters K and α of the parameter problem, and defines an adaptive function of the minimum average envelope entropy for the adaptive function to verify the superiority of the performance of this paper’s algorithm (SCA-VMD). The results show that the required number of iterations of this algorithm was significantly fewer than the comparative algorithm, and the operation was more efficient, which greatly improved the modal decomposition quality. The periodic map spectrum of the vibration signals decomposed based on SCA-VMD are summed up according to the modal components, the modal components are used as the horizontal axis, the frequency is used as the vertical axis, and the brightness of each point represents the energy magnitude of the modal component at the corresponding frequency to draw the feature map. (2) Aiming at the problem of the low resolution of the computed periodic map spectrum feature maps and small changes in the value of energy under different fault types, which leads to the poor effect of direct feature map recognition, the spatial channel attention mechanism was used to improve the GoogLeNet classification model to judge the importance of the information in the image and the position in the image to assign different weights to the various parts of the input feature maps and to provide a more effective feature map of the transformer fault types for the subsequent GoogLeNet method. (3) This study built an experimental platform for experimental transformer fault signal acquisition and applied the proposed method to the vibration signals to achieve transformer fault diagnosis and localisation.
The rest of the paper is organised as follows: Section 2 describes the SCA-VMD data processing model and the computation process of periodic map spectrum feature maps. Section 3 describes the improved GoogLeNet fault diagnosis method based on the attention mechanism. Section 4 builds an experimental platform for transformer fault data acquisition and constructs sample data. The feasibility of the transformer fault diagnosis method based on SCA-VMD and improved GoogLeNet is verified. Section 5 discusses the contributions of this paper. Section 6 provides the conclusion of this report.

2. Vibration Signal Data Preprocessing and Feature Extraction Modelling

2.1. Variational Modal Decomposition (VMD)

Variational mode decomposition (VMD) mainly deals with the problem of resolving K amplitude–frequency modulation sub-signals from the original vibration signal [25]. VMD can decompose transformer vibration signal data non-recursively into mode components with a specified number of levels, which not only has good adaptability but also reduces the instability of the original signal sequence. The algorithm uses Wiener filtering to eliminate the high- and low-frequency components of the signal and initialises the related parameters to obtain K estimated center angular frequencies ωk. Finally, the alternating direction method of multipliers is used to update each mode function and its center frequency, and each mode is demodulated to the relevant frequency band to minimise the total estimated bandwidth to achieve optimal mode decomposition. The formula is as follows:
{ m i n { u k } { w k } { k t [ ( δ ( t ) + j π t ) u k ( t ) ] e j ω k t 2 2 } s . t . k u k = X ( t )
In Equation (1), { u k } = { u 1 , u 2 , , u k } and { ω k } = { ω 1 , ω 2 , , ω k } are the K modal components and frequency centres obtained from the decomposition, respectively. For problems with restricted variables, to find u k and ω k for the optimal solution, updating occurs as follows:
u ^ k n + 1 ( ω ) = X ^ ( ω ) i k u ^ i ( ω ) + λ ^ ( ω ) / 2 1 + 2 α ( ω ω k ) 2
ω k n + 1 = 0 ω | u ^ k ( ω ) 2 | d ω 0 | u ^ k ( ω ) 2 | d ω
where λ is the Lagrangian operator and α is the quadratic penalty factor.
The steps to create a VMD model are as follows:
  • Initialise { u ^ k 1 } ,   { ω k 1 } ,   { λ ^ 1 } , and n.
  • Update u k and w k according to Equations (2) and (3).
  • Update λ using λ n + 1 ( ω ) λ n ( ω ) + τ [ X ^ ( ω ) k u ^ k n + 1 ( ω ) ] .
  • Set the judgment accuracy e > 0. If the judgment condition k u ^ k n + 1 u ^ k n 2 2 u ^ k n 2 2 < e is not met, then go back to step 2; terminate the iteration if the judgment condition is met. However, the VMD algorithm is somewhat subjective in determining the decomposition parameters K and α during signal processing, which requires a lot of practical experience and repeated attempts. Therefore, this paper introduces the positive cosine algorithm to adaptively determine the above parameters.

2.2. Sine–Cosine Optimisation Algorithm (SCA)

The sine–cosine optimisation algorithm (SCA), as a new stochastic optimisation algorithm based on the population technique, contains two phases, namely, exploration and exploitation, and has the advantages of simple structure, easy implementation and fast convergence [26], which can be used in conjunction with the VMD algorithm to adaptively search for the optimal decomposition parameters K and α.
In the SCA, the following two equations are used for the particle value position update:
X j t + 1 = X j t + α 1 × sin ( α 2 ) × | α 3 D j t X j t |
X j t + 1 = X j t + α 1 × cos ( α 2 ) × | α 3 D j t X j t |
where X j t is the position of the current solution in the i-th dimension in the t-th iteration; α 1 , α 2 and α 3 are random numbers; and D j t is the position of the i-th dimension endpoint.
These two equations are usually used in the following combination:
X j t + 1 = { X j t + α 1 × sin ( α 2 ) × | α 3 P j t X j t | α 4 < 0.5 X j t + α 1 × cos ( α 2 ) × | α 3 P j t X j t | α 4 0.5
where α 4 is a random number in [0,1].
From Equation (6), SCA has α 1 ,   α 2 ,   α 3 and α 4 main parameters. α 1 defines the direction of motion, which may or may not lie in the space between the solution and the endpoint; α 2 determines the distance travelled in the direction of the target or towards the target; α 3 denotes the stochastic weight of the target; and lastly, the parameter α 4 toggles between the sine and cosine components in Equation (6).
The search principle of SCA is shown in Figure 1, where the model updates the response location by varying the range of values of the sine and cosine, and the exploration of the search space is guaranteed by determining whether the random location is in space or out of space by determining the defined α 2 [ 0 ,   2 π ] . In each iteration, the range of values of the sine and cosine functions in the equations are adaptively adjusted to achieve a balanced exploration and utilisation to find promising regions of the search space, and ultimately, the global optimisation is achieved using Equation (7):
α 1 = ν t ν T
In Equation (7), ν is a constant, t is the current iteration and T is the maximum number of iterations.

2.3. VMD Based on SCA Parameter Optimisation

In VMD, the sine–cosine algorithm can be used to optimise the parameters K and alpha for optimal decomposition. For this purpose, an adaptive function needs to be defined and the minimum average envelope entropy is defined as the minimum of the average of the envelope entropies of all envelope segments. The performance superiority of the algorithms can be assessed by comparing the MAEE values obtained using the different algorithms since a smaller MAEE value indicates that the algorithm captures the complexity and nonlinear features of the signal better. Therefore, the objective is to find the minimum MAEE value. The minimum mean envelope entropy is the minimum of the average value of the envelope entropy for each segment, i.e.,
M A E E = min ( 1 N ¯ i = 1 N H i )
where N is the number of envelope segments and H i is the envelope entropy of the i-th envelope segment.
In order to achieve adaptive determination of the optimal decomposition parameters K and alpha for the optimised variational modal decomposition (VMD) based on the sine–cosine algorithm (SCA), the algorithm is designed according to the following steps:
  • Initialisation parameters: the initial parameters of the algorithm, including K and alpha, are set using a priori knowledge, experience or random selection.
  • Define the fitness function: define the fitness function as shown in Equation (8), i.e., the minimum average envelope entropy.
  • SCA optimisation: The sine–cosine algorithm (SCA) is used to optimise the fitness function. In each iteration, the fitness function (MAEE) is minimised by adjusting the parameters K and alpha.
  • Iterative process: The parameters K and alpha are progressively optimised over several iterations. In each iteration, the value of the fitness function is calculated, the parameters are updated and the stopping condition is checked to see whether it is met.
  • Performance evaluation: During the iteration process, the value of MAEE is monitored. If the MAEE value is found to be small enough and the MAEE no longer changes significantly after the number of iterations is reached, the iteration can be stopped.
In this solution process, the initial population is randomly generated, and each individual represents a set of sine and cosine parameters. For each individual, its sine and cosine parameters are applied to the VMD decomposition, and the calculated envelope entropy is used as the fitness value. The individuals are selected according to their fitness values, and the individual with high fitness is selected as the parent and cross-transformed to generate new individuals. For the newly generated individuals, their sine–cosine parameters are applied to the VMD decomposition, the calculated envelope entropy is used as the fitness value and the newly generated individuals are merged into the current population. According to the iteration number or fitness, determine whether the termination conditions are met; if the termination conditions are not met, continue the selection, crossover, mutation, fitness calculation and population update processes. The optimised VMD decomposition result is finally obtained, and the SCA-VMD algorithm flow is shown in Figure 2.

2.4. Vibration Signal Feature Extraction

Accurate extraction of effective features in transformer vibration signals and the selection of an optimal subset are key aspects of fault identification. A periodic map spectrum, as a widely used tool for analysing the spectral characteristics of signals, can display the energy distribution of signals at different frequencies, which can provide a quick and intuitive understanding of the frequency distribution of signals, and the frequency filtering result, i.e., selecting or excluding certain frequency intervals in order to remove or retain some specific frequency components of the signal, based on the energy occupancy ratios of different frequency intervals [27]. Based on the SCA-VMD decomposition of the measured time-domain signals to obtain the periodic map spectrum, by comparing the periodic map spectrum under different working conditions, it is easier to find out the influence of the faults on the vibration signals, which is conducive to the diagnosis of the cause and location of the faults, and it has a high diagnostic accuracy and robustness.
The following is the flow of generating feature maps after modal decomposition:
  • Variational modal decomposition: the signal is decomposed using the VMD algorithm to obtain the kth order mode uk, where uk can be expressed as
u k ( t ) = ω c k ( ω ) h k ( ω , t )
where c k ( ω ) denotes the amplitude of the mode at frequency ω and h k ( ω , t ) is a complex amplitude denoting the amplitude of a sinusoidal wave with frequency ω at time t.
2.
Calculate the periodogram: The short-time Fourier transform (STFT) is performed on uk(t) to obtain the short-time spectrum Sk(ω,t):
S k ( ω , t ) = T w ( τ ) u k ( t + τ ) e j ω τ   2
where w(τ) is the window function, which is used to frame the signal. Substituting u k ( t ) into the short-time Fourier transform equation and using Euler’s formula yields
S k ( ω , t ) = ω c k ( ω ) τ w ( τ ) h k ( ω , t + τ ) e j ( ω ω ) τ   2
Since h k ( ω , t + τ ) is an amplitude and can be regarded as a constant, the above equation can be expressed as
S k ( ω , t ) = ω c k ( ω ) H k ( ω , ω ) e j ω t   2
H k ( ω , ω ) = τ w ( τ ) h k ( ω , τ ) e j ( ω ω ) τ can be regarded as the frequency response of the filter and is used to measure the energy of the amplitude of frequency ω’ at frequency ω. Thus, the amplitude energy periodic map spectrum Sk(ω,t) can be derived at moment t with frequency ω.
  • Summing by modal components: the total periodic map spectrum S(ω,t) is obtained by summing each modal component.
  • Plotting feature maps: After the periodic map spectrum of the vibration signal based on SCA-VMD decomposition is summed up using modal components, the modal components are used as the horizontal axis, the frequency is used as the vertical axis and the brightness of each point represents the energy magnitude of the modal component at the corresponding frequency to plot the feature maps so that we can obtain the energy distributions of the different modal components at different frequencies, which can better reflect the characteristics of the vibration signal faults and the information of the faults.

3. Predictive Models for Data Fusion

3.1. Attention Mechanism

In this study, the periodic map spectrum feature maps obtained based on SCA-VMD are used for fault recognition, but the low resolution of the images and the small change in the value of the energy under different fault types are factors that lead to the poor effect of direct feature map recognition. For this reason, the classification model needs to judge the importance of the information in the image and its position in the image according to the characteristics of the images of different fault characteristics of the transformer to assign different weights to each part of the input feature map and to provide a more effective feature map of transformer fault types for the subsequent GoogLeNet method. In view of this, the above objectives were achieved through the proposed attention mechanism combining the channel attention mechanism and the spatial attention mechanism.
The importance of each feature channel is calculated by reducing the loss function in terms of channel attention computation, and the features with higher correlation are weighted accordingly to improve the representation of the features [28]. This module performs global mean pooling and global maximum pooling on the feature map and derives the mean and maximum values. The resulting features are then fed into a weight-sharing MLP that generates features of the same dimensions as the input and is nonlinearly transformed using the ReLU activation function. Finally, the outputs of the two fully connected layers are summed and the results are normalised to a range between 0 and 1 using a sigmoid function. The resulting values are considered as the weights of each channel, the dot product is taken with the feature map and the weighted feature map based on the channel attention mechanism can be obtained through Equations (13)–(15).
T c h a n n e l = M L P ( A v g P o o l ( F ) + M a x P o o l ( F ) )
W c h a n n e l ( F ) = A c t i v a t i o n ( T c h a n n e l )
F c w e i g h t e d = F · W c h a n n e l ( F )
F is the input feature; AvgPool(F) and MaxPool(F) denote average and maximum pooling, respectively; and Activation is the sigmoid activation function.
The spatial attention mechanism allows for weighting between the height and width dimensions of the feature map to improve the representation of features [29]. In this module, the input feature map is first compressed in the spatial direction to obtain the mean and maximum values for each spatial location. Then, the two values are spliced and fed into a convolutional layer to obtain the weights for each location. Finally, a dot product is taken between the resulting weights and the input feature maps, and the spatial-attention-mechanism-based weighted feature maps can be obtained using Equations (16)–(18).
T s p a t i a l = C o n v ( c o n c a t ( A v g P o o l ( F ) , M a x P o o l ( F ) )
W s p a t i a l ( F ) = A c t i v a t i o n ( T s p a t i a l )
F s w e i g h t e d = F · W s p a t i a l ( F )

3.2. GoogLeNet Based on Attention Mechanisms

GoogLeNet model is one of the commonly used convolutional neural network models in the field of image classification and recognition, which has the characteristics of high classification and recognition accuracy and few parameters [30]. Using parallel multiple convolution kernels and pooling layers of different sizes, GoogLeNet effectively captures the features of different scales. It introduces methods such as the Inception structure, depth and width design, parameter efficiency, auxiliary classifier and average pooling, as shown in Figure 3, which makes the network easier to train and optimise. It effectively improves the network expression ability, accuracy and computational efficiency, making it a powerful convolutional neural network model.
An improved GoogLeNet network model based on the attention mechanism is proposed on the basis of the GoogLeNet model to accurately identify different transformer fault types under operating conditions. The attention mechanism enables the network to pay more attention to the more important information for the image classification task by learning the weights of each channel and space, while different fault types correspond to different locations of the key information in the feature map of the periodogram. Therefore, the choice of the attention mechanism allows the network to focus more on the most representative features for the classification task, improves the network’s ability to adapt to the differences between different images, and thus, improves the model’s generalisation ability and recognition accuracy.
The model takes GoogLeNet as the backbone network. Before the input image reaches the first convolutional layer of GoogLeNet, a module based on the spatial attention mechanism is introduced to obtain the weighted feature map based on the spatial attention mechanism, and the weighted feature representations are sent to the first convolutional layer of GoogLeNet and after the last GoogLeNet step for processing. After the Inception module, a module based on the channel attention mechanism is introduced to adaptively adjust the weights of different channels on the feature maps processed by the spatial attention mechanism and the GoogLeNet subject network so that the network pays more attention to the features that are useful for the classification task; this also reduces the influence of redundant features, thus improving the network’s adaptivity. At the same time, this attention mechanism can also reduce the number of parameters in the network and reduce the complexity of the model. The overall architecture of the GoogLeNet model was improved based on the attention mechanism shown in Figure 4.

4. Tests and Analysis of Results

The transformer fault simulation experimental platform was built according to the DL/T industry standard, which mainly includes a transformer, load cabinet, analogue-to-digital converter and host computer. The platform wiring diagram is shown in Figure 5.
The tested transformer is a three-coherent isolated servo SG transformer (see Table 1 for related parameters), and the load cabinet is used to adjust the transformer load. The vibration signal was collected using the CT1005LC sensor (see Table 2 for specific parameters) produced by a company in Shanghai. During the experiment, the vibration signal data of the transformer during normal and fault operation were recorded, and the sampling frequency was set to 2048 Hz.
Using the experimental platform to simulate the four states of the transformer, each subset of the data samples corresponded to an operational state, and the four subsets contained 3200 sets of samples. The four states of the transformer and the state markers are shown in Table 3, and the four states were normal, loose winding, loose core and loose base. In the experimental transformer used in this study, the bolts and the fasteners changed their displacement value by 0.2 cm from the time they reached the maximum preload to the time when they just started to be tightened, and beyond 0.2 cm, the reliability and safety of the transformer was in jeopardy and transformer fault identification was required; therefore, a displacement value of 0.2 cm was set to differentiate between these states.

4.1. Comparative Performance Analysis of SCA-VMD Algorithms

The superiority of the performance of this study’s algorithm (SCA-VMD) was verified using the minimum average envelope entropy as a function of fitness. Ten experiments were carried out using the transformer’s normal operating conditions operating data, the average of the 10 experimental data was taken, and the particle swarm optimisation algorithm (PSO-VMD) and genetic algorithms (GA-VMD) were used as comparisons [15]. The comparison of the iteration process of different algorithms is shown in Figure 6. The standard deviation of the average envelope entropy value of the iterative process was sought, and the results are shown in Table 4: the minimum average envelope entropy of the method proposed in this paper was smaller than that of PSO-VMD and GA-VMD, and the number of iterations was obviously less than that of the comparison algorithms, and the operation efficiency was higher.

4.2. Data Preprocessing and Sample Set Construction

After the initial data sample set was obtained using simulation tests, the data were further preprocessed using SCA-VMD. When performing the periodic map spectrum generation, the Hanning window was selected as the FFT window to ensure the balance of frequency resolution and time resolution.
Figure 7 shows the frequency energy curves and feature maps of each mode of the sample data of transformer fault modes under the four different operating conditions after preprocessing. The following operating conditions were numbered 0–3 in turn. As can be seen from the figure, the periodic pattern spectrum feature map generated using SCA-VMD clearly shows the differences between different types of faults and contains a large number of harmonic components, and the frequency of the harmonic components of each fault state was different, indicating that the selection of periodic pattern spectrum feature map as the basis for transformer fault diagnosis was reasonable and feasible.

4.3. Network Structure and Hyperparameter Settings

During the construction of the experimental model, the input images were first weighted using a spatial-based attention mechanism module. The spatial attention mechanism module was composed of two convolutional layers and sigmoid activation function, where the first convolutional layer had an input channel number of 2, which represented the result after averaging and maximising the input feature maps, and the second convolutional layer had an output channel number of 1, which represented the result after attentional weighting of the input feature maps; in forward propagation, the input feature maps were averaged along the channel dimensions and maximum value, and then spliced together as input; after two convolutional layers and the sigmoid activation function, the attention weight was obtained, and finally, the original feature map was multiplied using the attention weight and fed into the GoogLeNet network. The convolutional layer in the GoogLeNet network used 64 7 × 7 convolutional kernels (step 2, padding 3) and 3 × 3 pooling kernels (step 2, padding 1), the Inception module performed convolutional operations on the inputs using convolutional kernels of different sizes, as shown in Figure 3, and spliced the outputs of multiple different sizes in the channel dimensions, using the LRN layer for local response normalisation, and then performed channel attention weighting on the spliced feature maps, and finally, multiplied the original feature maps by the attention weights and performed dimensionality reduction on the feature maps using global average pooling. The use of two fully connected layers, as well as the use of ReLU and softmax activation functions, had good nonlinearity while the network output a probability distribution.
In the training phase, the loss function was set to the cross-entropy loss, which is most widely used in classification problems. A training mode with a batch size of 64 was used to speed up the network convergence and save computer memory. In the selection of the optimisation algorithms, this study used the gradient-based SGD optimiser method and the learning rate decay strategy, which adjusted the learning rate after every certain epoch. In addition, L2 regularisation and 0.4 dropout were introduced during the training process to avoid the risk of overfitting and enhance the generalisation ability of the model.

4.4. Comparative Analysis of Models

In the experiment, in order to find the optimal division ratio, the model training process sequentially used the ratio parameters 3:1, 4:1 and 5:1 for the same dataset training; in terms of accuracy and running time, the comparison found that the 4:1 division ratio had a higher accuracy and shorter running time. Therefore, in this study, the training set and test set were randomly assigned with a 4:1 ratio. In the process of model evaluation, in order to avoid the influence of random errors, all algorithms were run 75 times, and the average recognition accuracy (including standard deviation) was used as the final evaluation index. Figure 8 shows the trend of loss and recognition accuracy of different models during training. Table 5 gives the average recognition accuracy and standard deviation of different models on the test set.
As shown in Figure 8, although the initial loss values of the four models were not at the same level, the overall trend of the loss changes during the training process was more similar, which was due to the fact that the different models were based on the traditional GoogLeNet as the basic architecture. As the iteration proceeded, the loss values of GoogLeNet improved based on the spatial attention mechanism and GoogLeNet improved based on the channel attention mechanism decrease occurring at a slightly faster rate than the traditional GoogLeNet decrease rate, whereas the GoogLeNet improved based on both the spatial and channel attention mechanisms developed in this study, as seen by the fastest decrease rate of the loss and was the first to reach stabilisation, which was related to the different models of the attention mechanisms introduced. After about 60 epochs, the losses of the different models did not continue to significantly drop but fluctuated within a fairly small range, indicating that the models had converged. In terms of the training accuracy, the overall trend of different models was highly correlated with the trend of the model loss. After convergence, for the training dataset, the recognition accuracies of the different models, except the traditional GoogLeNet, reached high levels, fluctuating above 99.8%.
Although the differences between the different models were not significant on the training set, the differences were more pronounced when dealing with the test set. As shown in Table 5, the average accuracy of the traditional GoogLeNet model on the test set was 97.97%, with a standard deviation of 0.65%, whereas the channel and spatial attention models had accuracies of 98.72% and 98.44%, respectively, with a smaller standard deviation. Compared with the traditional GoogLeNet model and the improved model with different attention mechanisms, the developed GoogLeNet improved with spatial- and channel-based attention mechanisms had the highest average accuracy of 99.04% during testing. This indicates that the introduction of different attention mechanisms could improve the accuracy of the model to some extent. In addition, the experimental results from the test set show that the processing power of the channel-based classification model was more advantageous than the spatial-based classification model.
Figure 9 compares the classification accuracy of four different models on the test set using a confusion matrix. Overall, most of the misdiagnosed samples appeared between 0 and 1 states, and the cause of misdiagnosis may have been a slight difference in the original data, and for most categories, the type of the sample could be fully identified.

4.5. Performance Comparison and Analysis of Different Models

In order to comprehensively evaluate the performances of different models in the fault identification task, a series of comparative experiments were conducted in this study. As shown in Figure 10, this chapter selects representative machine learning SVM, random forest, K-nearest neighbour algorithm and deep learning CNN, GAN and LSTM algorithms as the comparison object, aiming at clarifying the superiority of transformer fault diagnosis model proposed in this paper relative to other models by comparing the recognition accuracy performance indexes of the models, and providing scientific basis for its practical application.
As shown in Figure 10,the fault diagnosis model proposed in this study achieved a high accuracy of 99.04% in the experiment. In contrast, the accuracies of all models under either machine or deep learning were not above 99.00%. The above data show that the periodic map spectrum calculated after mode decomposition by SCA-VMD was used as the feature input. And using the attention mechanism to improve GoogLeNet on the transformer fault diagnosis task showed obvious superiority, and its accuracy was much higher than other models, which provides strong support for its reliability and effectiveness in practical engineering applications.
In order to further verify the classification performance of the proposed scheme, it was compared with methods found in the literature [19,20]. Ref. [19] and this study transformed the transformer vibration signal into different images and extracted the effective features of the signal to achieve high-accuracy fault diagnosis under different operating conditions. Ref. [20] was similar to the initial data processing methods carried out in this study, both of which mined the fault feature information after the adaptive decomposition of the vibration signals and used a two-level diagnostic model based on SSA-KELM for fault diagnosis. Using the dataset collected in this study, the proposed method was compared with the methods used in [19] and [20].
As shown in Table 6, upon comparison, it can be found that the accuracy of the proposed scheme applied to dry-type transformers and oil-immersed transformers was higher than that of other methods, which indicates the reasonableness of the proposed SCA-VMD adaptive decomposition to compute the periodogram as a feature after combining the improved GoogLeNet for fault diagnosis.

5. Discussion

In this study, the periodic map spectrum was used as a feature map and combined with GoogLeNet in transformer fault diagnosis, which addressed the influence of traditional diagnostic methods that ignore the additional harmonic and non-harmonic components of transformer vibration signals on fault diagnosis based on vibration signals. The aim of this study was to combine SCA-VMD with improved GoogLeNet to build a diagnostic model for transformer fault diagnosis. The feasibility of the proposed method and the accuracy of fault diagnosis were found through experimental validation. The results show that compared with the traditional diagnostic model, the method had significantly fewer iterations in data processing and fault type identification than the comparative algorithms, and operated more efficiently and with higher identification accuracy.

6. Conclusions

The transformer was accompanied by different amplitude vibration signals under different operating conditions. The accuracy and rapidity of fault classification depended on the accuracy of feature extraction of the vibration signal periodic map spectrum and the optimisation degree of the classification model. In this study, the following conclusions were obtained:
  • A method based on SCA-VMD mode decomposition was proposed. SCA was used to adaptively optimise the parameters, that is, the number of modes and penalty factor, to optimise the decomposition effect of VMD and improve the input quality of the prediction model.
  • The feature extraction method of the periodic map spectrum generated after the SCA-VMD was used. The periodic map spectrum feature map reflected the difference in the energy distribution of the different mode components at different frequencies to reflect the different fault types of transformers.
  • This paper proposes GoogLeNet optimised by an attention mechanism to realise transformer fault diagnosis. The spatial and channel attention mechanisms are combined with different layers of the periodic map spectrum for the corresponding weighting, which improves the accuracy of the GoogLeNet classification model.
The datasets used in the experiments were usually limited and covered a certain number of fault modes, the diagnosis of unknown fault modes may be poor, and obtaining a sufficient number and diversity of fault data may become an expensive and time-consuming task. The research work following this paper will be devoted to introducing more data types to enable the improvement and optimisation of transformer fault diagnosis methods based on SCA-VMD and the improved GoogLeNet.

Author Contributions

Conceptualisation, K.Z. and Y.B.; methodology, K.Z.; software, K.Z.; validation, K.Z., Y.B. and Z.L.; formal analysis, K.Z.; investigation, K.Z.; resources, W.S.; data curation, K.Z.; writing—original draft preparation, K.Z.; writing—review and editing, K.Z.; supervision, W.S.; project administration, K.Z. and Z.L.; funding acquisition, W.S. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported by the “Research and Development of Key Technology for Integration of All Elements of Industrial Internet Logo Resolution” (Grant No. 2022B01049).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The vibration signals collected from the experimental transformer are the property of the author’s institution and may not be used publicly.

Acknowledgments

The authors would like to thank TBEA for their support throughout the research project.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Zhu, H.; Wang, Q.; Li, C.; Du, Y.; Yu, C. Electricity Safety Analysis and Improvement Based on User Classification. E3S Web Conf. 2020, 185, 01025. [Google Scholar] [CrossRef]
  2. Yan, P.; Wang, J.; Wang, W.; Li, G.; Zhao, Y.; Wen, Z. Transformer fault diagnosis based on MPA-RF algorithm and LIF technology. Meas. Sci. Technol. 2024, 35, 025504. [Google Scholar] [CrossRef]
  3. Li, C.; Ji, L.; Zhao, D.; Li, X. Research and prospect of data-driven based disaster evolution and prevention of power system. Autom. Electr. Power Syst. 2020, 44, 1–11. [Google Scholar]
  4. Ji, S.; Zhang, F.; Shi, Y.; Zhan, C.; Zhu, Y.; Lu, W. Review on vibration-based mechanical condition monitoring in power transformers. High Volt. Eng. 2020, 46, 257–272. [Google Scholar]
  5. Li, Y. Research on Winding Deformation Fault Diagnosis Technology Based on Vibration Method. Master’s Thesis, North China University of Water Resources and Hydropower, Zhengzhou, China, 2018. [Google Scholar]
  6. Liu, J. Research on Vibration Characteristics and State Diagnosis Method of Power Transformer Winding. Master’s Thesis, Shandong University, Jinan, China, 2018. [Google Scholar]
  7. Wang, Z.; Sharma, A. Research on transformer vibration monitoring and diagnosis based on Internet of things. J. Intell. Syst. 2021, 30, 677–688. [Google Scholar] [CrossRef]
  8. Bagheri, M.; Naderi, M.S.; Blackburn, T. Advanced transformer winding deformation diagnosis: Moving from off-line to on-line. IEEE Trans. Dielectr. Electr. Insul. 2012, 19, 1860–1870. [Google Scholar] [CrossRef]
  9. Ma, H.; Geng, Z.; Chen, K.; Wang, C.; Li, K.; Li, Y. A new fault diagnosis method for power transformer winding deformation based on vibration. Autom. Electr. Power Syst. 2013, 37, 89–95. [Google Scholar]
  10. Zhang, B.; Zhao, D.; Wang, F.; Shi, K.; Zhao, Z. Research on mechanical fault diagnosis method of power transformer winding. J. Eng. 2019, 2019, 2096–2101. [Google Scholar]
  11. Ji, S.; Wang, S.; Li, Q.; Li, Y.; Sun, Q. The application of vibration method in monitoring the condition of transformer winding. High Volt. Eng. 2002, 28, 12–13+15. [Google Scholar]
  12. Ertl, M.; Voss, S. The role of load harmonics in audible noise of electrical transformers. J. Sound Vib. 2014, 333, 2253–2270. [Google Scholar] [CrossRef]
  13. Moses, A.J.; Anderson, P.I.; Phophongviwat, T. Localized surface vibration and acoustic noise emitted from laboratory-scale transformer cores assembled from grainoriented electrical steel. IEEE Trans. Magn. 2016, 52, 1–15. [Google Scholar] [CrossRef]
  14. Ding, H.; Zhao, W.; Li, M.; Zhang, L.; Sun, Y. Electromagnetic Vibration Characteristics of High-Frequency Transformer under DC Bias with Different Winding Structures. Processes 2023, 11, 1185. [Google Scholar] [CrossRef]
  15. Liu, S.; Zhang, L.; Yang, L.; Gu, C.; Wang, Z. The Identification Method of the Winding Vibration Faults of Dry-Type Transformers. Electronics 2022, 12, 3. [Google Scholar] [CrossRef]
  16. Qian, Z.; Cao, M.; Ying, J.; Zhuang, W.; Zhang, H.; Shi, J.; Zhou, D. Vibration characteristics and vibration isolation design of oil-immersed power transformer. IOP Conf. Ser. Earth Environ. Sci. 2021, 634, 012071. [Google Scholar] [CrossRef]
  17. Li, C.; Chen, J.; Yang, C.; Yang, J.; Liu, Z.; Davari, P. Convolutional Neural Network-Based Transformer Fault Diagnosis Using Vibration Signals. Sensors 2023, 23, 4781. [Google Scholar] [CrossRef] [PubMed]
  18. Chen, F.; Tian, W.; Zhang, L.; Li, J.; Ding, C.; Chen, D.; Wang, B. Fault Diagnosis of Power Transformer Based on Time-Shift Multiscale Bubble Entropy and Stochastic Configuration Network. Entropy 2022, 24, 1135. [Google Scholar] [CrossRef] [PubMed]
  19. Liu, X.; He, Y.; Wang, L. Adaptive Transfer Learning Based on a Two-Stream Densely Connected Residual Shrinkage Network for Transformer Fault Diagnosis over Vibration Signals. Electronics 2021, 10, 2130. [Google Scholar] [CrossRef]
  20. Lu, S.; Gao, W.; Hong, C.; Sun, Y. A newly-designed fault diagnostic method for transformers via improved empirical wavelet transform and kernel extreme learning machine. Adv. Eng. Inform. 2021, 49, 101320. [Google Scholar] [CrossRef]
  21. Zhang, C.; He, Y.; Du, B.; Yuan, L.; Li, B.; Jiang, S. Transformer fault diagnosis method using IoT based monitoring system and ensemble machine learning. Future Gener. Comput. Syst. 2020, 108, 533–545. [Google Scholar] [CrossRef]
  22. Jiang, P.; Zhang, Z.; Dong, Z.; Yang, Y. Vibration Measurement and Numerical Modeling Analysis of Transformer Windings and Iron Cores Based on Voltage and Current Harmonics. Machines 2022, 10, 786. [Google Scholar] [CrossRef]
  23. Zhao, L.; Feng, Y.; Xie, R.; Wang, Z. Influence of Harmonics on Transformer Vibration Characteristics. J. Hydropower Energy Sci. 2017, 35, 198–202+197. [Google Scholar]
  24. Zhu, L.; Wang, B.; Liu, S.; Yang, Y.; Yang, Q. Research on electromagnet ic vibration of dry type transformer under different types of load. Trans. China Electrotech. Soc. 2018, 33, 1599–1606. [Google Scholar]
  25. Han, Z.; Zhang, X.; Yan, B.; Qiao, L.; Wang, Z. The time-frequency analysis of the acoustic signal produced in underwater discharges based on Variational Mode Decomposition and Hilbert-Huang Transform. Sci. Rep. 2023, 13, 22. [Google Scholar] [CrossRef] [PubMed]
  26. Gupta, S.K.; Kar, M.K.; Kumar, L.; Kumar, S. A Simplified Sine Cosine Algorithm for the Solution of Optimal Reactive Power Dispatch. Int. Trans. Electr. Energy Syst. 2022, 2022, 2165966. [Google Scholar] [CrossRef]
  27. Wu, X.; Fan, W.; Hu, F. Carrier frequency bias estimation algorithm based on distributed compensation method. J. Electron. Meas. Instrum. 2019, 33, 165–170. [Google Scholar]
  28. Zhou, Y.; Qian, H.; Ding, P. MSSD: Multi-scale object detector based on spatial pyramid depthwise convolution and efficient channel attention mechanism. J. Real-Time Image Process. 2023, 20, 103. [Google Scholar] [CrossRef]
  29. Li, X.; Wang, X.; Sun, S.; Wang, Y.; Li, S.; Li, D. Predicting the Wildland Fire Spread Using a Mixed-Input CNN Model with Both Channel and Spatial Attention Mechanisms. Fire Technol. 2023, 59, 2683–2717. [Google Scholar] [CrossRef]
  30. Yu, X.; Li, X. Sound Recognition Method of Coal Mine Gas and Coal Dust Explosion Based on GoogLeNet. Entropy 2023, 25, 412. [Google Scholar] [CrossRef]
Figure 1. Principle of SCA optimisation.
Figure 1. Principle of SCA optimisation.
Applsci 14 00861 g001
Figure 2. SCA-VMD parameter optimisation flowchart.
Figure 2. SCA-VMD parameter optimisation flowchart.
Applsci 14 00861 g002
Figure 3. Inception structure diagram.
Figure 3. Inception structure diagram.
Applsci 14 00861 g003
Figure 4. The overall architecture of the improved GoogLeNet model based on attention mechanism.
Figure 4. The overall architecture of the improved GoogLeNet model based on attention mechanism.
Applsci 14 00861 g004
Figure 5. Experimental platform wiring diagram.
Figure 5. Experimental platform wiring diagram.
Applsci 14 00861 g005aApplsci 14 00861 g005b
Figure 6. Comparison of iterative processes of different algorithms.
Figure 6. Comparison of iterative processes of different algorithms.
Applsci 14 00861 g006
Figure 7. Periodic map spectra and corresponding feature maps.
Figure 7. Periodic map spectra and corresponding feature maps.
Applsci 14 00861 g007aApplsci 14 00861 g007b
Figure 8. Comparative analysis of loss and accuracy of different models in the training process.
Figure 8. Comparative analysis of loss and accuracy of different models in the training process.
Applsci 14 00861 g008aApplsci 14 00861 g008b
Figure 9. Confusion matrix plots of different models.
Figure 9. Confusion matrix plots of different models.
Applsci 14 00861 g009aApplsci 14 00861 g009b
Figure 10. Comparison of diagnostic accuracy of different models.
Figure 10. Comparison of diagnostic accuracy of different models.
Applsci 14 00861 g010
Table 1. Transformer-related parameters.
Table 1. Transformer-related parameters.
ParameterValue
Input voltage380 V
Output voltage220 V
Output voltage accuracy±1.5%
Rate of change of voltage≤1.5%
Applicable frequency50/60 Hz
Table 2. Sensor related parameters.
Table 2. Sensor related parameters.
ParameterValue
Charge sensitivity (mV/g)49.7
Frequency range (Hz)0.5~5000
Operating voltage (VDC)15~28
Operating current (mA)2~10
Output amplitude (Vp)±5
Table 3. The four operating states of the transformer.
Table 3. The four operating states of the transformer.
Fault State TypeFault Simulation TypeMarking
Normal state of
operation
Normal operation0
Loose windingsReduction in the longitudinal preload of the compression coils (loosening displacement 0.2 cm)1
Loose coreLoosening bolts and tie bolts for tightening the core (loosening displacement 0.2 cm)2
Loose baseLoose base reduced base bolt preload (0.2 cm displacement of loose screw)3
Table 4. Performance comparison of different algorithms under normal operating conditions.
Table 4. Performance comparison of different algorithms under normal operating conditions.
MethodsAverage
Iteration Time (s)
Number of
Iterations
Minimum
Average
Envelope Entropy
Standard
Deviation
PSO-VMD19.0147.3900.176
GA-VMD26.7157.4120.128
SCA-VMD13.577.3230.127
Table 5. Average test accuracy of different classification models (%).
Table 5. Average test accuracy of different classification models (%).
ModelAverage Recognition
Accuracy
Standard Deviation
GoogLeNet97.970.65
Spatial Attention–GoogLeNet98.720.57
Channel Attention–GoogLeNet98.440.60
Attention–GoogLeNet99.040.51
Table 6. Comparison of test results of different methods.
Table 6. Comparison of test results of different methods.
MethodologiesAccuracy (%)
Ref. [19]97.36
Ref. [20]97.28
Proposed programme99.04
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

Zhang, K.; Sun, W.; Ba, Y.; Liu, Z. Transformer Fault Diagnosis Method Based on SCA-VMD and Improved GoogLeNet. Appl. Sci. 2024, 14, 861. https://0-doi-org.brum.beds.ac.uk/10.3390/app14020861

AMA Style

Zhang K, Sun W, Ba Y, Liu Z. Transformer Fault Diagnosis Method Based on SCA-VMD and Improved GoogLeNet. Applied Sciences. 2024; 14(2):861. https://0-doi-org.brum.beds.ac.uk/10.3390/app14020861

Chicago/Turabian Style

Zhang, Kezhan, Wenlei Sun, Yinjun Ba, and Zhiyuan Liu. 2024. "Transformer Fault Diagnosis Method Based on SCA-VMD and Improved GoogLeNet" Applied Sciences 14, no. 2: 861. https://0-doi-org.brum.beds.ac.uk/10.3390/app14020861

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