Next Article in Journal
A Spatial Analysis of the Wind and Hydrogen Production in the Black Sea Basin
Previous Article in Journal
Surface Charge Accumulation on Basin-Shape Insulator in Various Eco-Friendly Gases with Metal Particle Under AC Voltage
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Diagnosis of Power Transformer On-Load Tap Changer Mechanical Faults Based on SABO-Optimized TVFEMD and TCN-GRU Hybrid Network

1
Electric Power Research Institute of Yunnan Power Grid Co., Ltd., Kunming 650214, China
2
Yunnan Power Grid Co., Ltd., Kunming 650051, China
3
Chuxiong Power Supply Bureau, Yunnan Power Grid Co., Ltd., Chuxiong 675099, China
4
The School of Electrical Engineering, Shandong University, Jinan 250061, China
*
Author to whom correspondence should be addressed.
Energies 2025, 18(11), 2934; https://doi.org/10.3390/en18112934
Submission received: 6 May 2025 / Revised: 25 May 2025 / Accepted: 29 May 2025 / Published: 3 June 2025

Abstract

:
Accurate mechanical fault diagnosis of On-Load Tap Changers (OLTCs) remains crucial for power system reliability yet faces challenges from vibration signals’ non-stationary characteristics and limitations of conventional methods. This paper develops a hybrid framework combining metaheuristic-optimized decomposition with hierarchical temporal learning. The methodology employs a Subtraction-Average-Based Optimizer (SABO) to adaptively configure Time-Varying Filtered Empirical Mode Decomposition (TVFEMD), effectively resolving mode mixing through optimized parameter selection. The decomposed components undergo dual-stage temporal processing: A Temporal Convolutional Network (TCN) extracts multi-scale dependencies via dilated convolution architecture, followed by Gated Recurrent Unit (GRU) layers capturing dynamic temporal patterns. An experimental platform was established using a KM-type OLTC to acquire vibration signals under typical mechanical faults, subsequently constructing the dataset. Experimental validation demonstrates superior classification accuracy compared to conventional decomposition–classification approaches in distinguishing complex mechanical anomalies, achieving a classification accuracy of 96.38%. The framework achieves significant accuracy improvement over baseline methods while maintaining computational efficiency, validated through comprehensive mechanical fault simulations. This parameter-adaptive methodology demonstrates enhanced stability in signal decomposition and improved temporal feature discernment, proving particularly effective in handling non-stationary vibration signals under real operational conditions. The results establish practical viability for industrial condition monitoring applications through robust feature extraction and reliable fault pattern recognition.

1. Introduction

As a critical infrastructure of modern society, the stable and reliable operation of power systems plays a pivotal role in ensuring industrial production, residential life, and the steady development of the socioeconomic framework [1] The On-Load Tap Changer (OLTC), a vital component of power transformers, adjusts the winding turns ratio to regulate output voltage while the transformer is under load. This functionality ensures voltage stability, enhances power quality, and optimizes the efficiency of power system operations [2]. With the increasing demands for higher voltage and larger capacity in power systems, the operating conditions of power transformers have become more complex and stringent, leading to a significant rise in OLTC switching frequency. Prolonged and frequent operation exposes OLTC components, such as contacts, drive mechanisms, and insulating materials, to various combined stresses, including electrical, thermal, and mechanical. These stresses inevitably result in wear, fatigue, overheating, and discharge failures [3,4]. If OLTC failures are not promptly detected and addressed, they may cause transformer malfunctions or outages, leading to widespread power outages, compromising power system reliability and safety, and causing significant economic and social impacts [5,6].
In recent years, vibration signal analysis has been extensively studied and applied in mechanical fault diagnosis. During OLTC operations, the mechanical motion of internal components and electrical switching inevitably generate vibrations, which encapsulate abundant information closely related to the equipment’s operational state. Bengtsson et al. first proposed an online OLTC mechanical condition monitoring method based on vibration signals, which garnered significant attention for its simplicity and accuracy [7]. By collecting, processing, and analyzing vibration signals, it is possible to achieve early fault detection, localization, and severity assessment. Vibration-based OLTC fault diagnosis is noninvasive, supports online monitoring, and is sensitive to early faults, making it an effective technique for OLTC condition monitoring and fault diagnosis [8,9]. To efficiently extract weak fault features from vibration signals, particularly given their nonstationary and nonlinear nature, various signal processing methods have been developed. Empirical Mode Decomposition (EMD) and its derivatives have shown potential in handling nonstationary and nonlinear vibration signals. For instance, Ensemble Empirical Mode Decomposition (EEMD) partially mitigates mode mixing but suffers from residual noise. Variational Mode Decomposition (VMD), a novel adaptive signal decomposition method, demonstrates improved decomposition accuracy and noise resistance by resolving a variational problem to decompose signals into mode components with specific bandwidths [10,11]. However, existing methods like EMD, EEMD, and VMD struggle with OLTC vibration signals characterized by strong background noise, multimodal coupling, and complex time-varying properties, limiting their ability to extract subtle fault features or distinguish complex fault modes [12,13,14]. Wang et al. introduced Time-Varying Filtering Empirical Mode Decomposition (TVFEMD), which alleviates mode mixing and cumulative decomposition errors by incorporating time-varying filters, effectively preserving time-varying characteristics without enforcing symmetric envelopes [15]. However, the performance of TVFEMD heavily depends on two key parameters: bandwidth threshold, which affects modal separation, and B-spline order, which impacts filtering performance. Given the efficiency of the Subtraction-Average-Based Optimizer (SABO) in optimization tasks, this study employs an SABO to adaptively optimize TVFEMD parameters [16,17].
Traditional fault diagnosis methods often rely on expert experience and predefined rules, which struggle to handle complex multimodal signals and nonlinear fault modes effectively. The rapid development of machine learning and deep learning has introduced new paradigms for fault diagnosis. Deep learning excels at extracting features and modeling from large-scale data, enabling efficient recognition of complex patterns for precise classification. While traditional machine learning algorithms like SVM, ELM, and XGBoost achieve fault classification, they require handcrafted features and involve complex computations. Deep learning approaches, including Convolutional Neural Networks (CNNs), Long Short-Term Memory (LSTM) networks, and transformer models, are widely used in fault diagnosis. The CNN excels in extracting spatial features but struggles with long-range dependencies in time series data. LSTM is adept at capturing temporal dynamics but is computationally intensive, particularly for large datasets. Transformers excel in modeling long-range dependencies but require substantial data and computational resources [18,19]. In contrast, Temporal Convolutional Networks (TCNs) have emerged as a popular choice for time-series analysis due to their ability to capture long-range dependencies and parallelize computations effectively [20]. Gated Recurrent Units (GRUs), a simplified variant of recurrent neural networks, offer reduced computational complexity and excellent performance for dynamic time-series data [21,22]. This study combines a TCN and GRU to develop a fault diagnosis model, leveraging the TCN’s parallel processing capabilities and GRU’s dynamic memory properties to efficiently model and classify complex time-series signals. Hyperparameter optimization further enhances model performance, providing a novel solution for fault diagnosis under complex operating conditions.
This study addresses the key challenges in the fault diagnosis of OLTC vibration signals by integrating vibration signal processing techniques with machine learning algorithms. A hybrid optimization method based on TVFEMD and a GRU is proposed. The SABO algorithm is introduced to adaptively optimize the parameter settings of TVFEMD, preserving time-varying characteristics and reducing mode mixing, thereby achieving precise decomposition of vibration signals. Additionally, features extracted via the TCN neural network are fed into the GRU for fault classification and recognition, further enhancing diagnostic performance. This method fully considers the nonstationary and complex nature of vibration signals, overcoming the limitations of traditional diagnostic methods in handling complex fault modes. It provides a more precise, reliable, and intelligent fault diagnosis solution for the reliable operation of OLTC in power systems.
The structure of this paper is organized as follows: Section 2 introduces the theoretical foundations of SABO-TVFEMD and TCN-GRU. Section 3 describes the experimental setup for simulating typical OLTC mechanical faults and presents an initial analysis of the collected vibration signals. Section 4 details the application of the proposed method to experimental data, including feature extraction, diagnostic results, and comparisons with commonly used methods. Finally, Section 5 summarizes the main findings of this study and discusses future research directions.

2. Theoretical Foundation

The key to mechanical fault diagnosis lies in efficiently extracting critical features from signals and accurately classifying them [23]. This study combines signal decomposition techniques with deep learning models to propose a fault diagnosis method based on SABO-TVFEMD-TCN-GRU. The method centers on the optimized TVFEMD, utilizing the SABO algorithm to adaptively adjust decomposition parameters. This overcomes the mode mixing and parameter dependency issues encountered by traditional signal decomposition techniques when processing nonstationary signals. Additionally, the TCN-GRU model is employed to capture the time-frequency characteristics of signals, enabling accurate classification of vibration signals. The theoretical foundation section elaborates on the signal decomposition principles of TVFEMD, the design of the SABO optimization algorithm, and the advantages of the TCN and GRU in extracting temporal features, providing a theoretical basis for constructing the fault diagnosis model.

2.1. Time-Varying Filtered Empirical Mode Decomposition

Time-Varying Filtered Empirical Mode Decomposition (TVFEMD) essentially employs a low-pass filter with a time-varying cutoff frequency to perform iterative mean removal during the EMD process. Local narrowband signals replace intrinsic mode functions (IMFs) as the iterative stopping criterion, effectively addressing intermittency and mode mixing when handling nonlinear and nonstationary signals. The TVFEMD process is divided into two main stages: local cutoff frequency rearrangement and time-varying filtering-based sifting [15,24,25].
(1)
Local Cutoff Frequency Rearrangement to Eliminate Mode Mixing.
Step 1: According to Hilbert decomposition theory, any real-valued signal x ( t ) can be transformed into an analytic signal z t through the Hilbert transform:
z ( t ) = x ( t ) + j x ^ t = A ( t ) e j φ ( t ) = a 1 t e j φ 1 ( t ) + a 2 t e j φ 2 ( t )
A 2 t = a 1 2 ( t ) + a 2 2 ( t ) + 2 a 1 ( t ) a 2 ( t ) cos [ φ 1 ( t ) φ 2 ( t ) ]
where A ( t ) , a ( t ) represents the amplitude, and φ t represents the phase.
Step 2: When cos [ φ 1 ( t ) φ 2 ( t ) ] = 1 , A ( t ) represents a local maximum; when cos [ φ 1 ( t ) φ 2 ( t ) ] = 1 , A ( t ) represents a local minimum. For all the local maxima points t max , A t max and local minima points t min , A t min of A ( t ) , interpolation is performed to obtain the curves β 1 ( t ) and β 2 ( t ) , respectively. As a result, the following expression can be derived:
a 1 t = β 1 ( t ) + β 2 ( t ) / 2 a 2 t = β 2 ( t ) β 1 ( t ) / 2
Step 3: For all the local maxima points t max , A 2 t max and local minima points t min , A 2 t min of A 2 ( t ) , interpolate to obtain η 1 ( t ) , η 2 ( t ) and define the following:
η 1 ( t ) = φ 1 t a 1 2 t a 1 t a 2 t + φ 2 t a 2 2 t a 1 t a 2 t η 2 ( t ) = φ 1 t a 1 2 t + a 1 t a 2 t + φ 2 t a 2 2 t + a 1 t a 2 t
where φ 1 t and φ 2 t are the derivatives of φ 1 ( t ) and φ 2 ( t ) , respectively, and the local cutoff frequency φ b i s ( t ) is defined as follows:
φ b i s ( t ) = φ 1 ( t ) + φ 2 ( t ) 2 = η 2 t η 1 t 4 a 1 ( t ) a 2 ( t )
Step 4: Define the time sequence of the local maxima points of the signal x ( t ) as u i , i = 1 , 2 , 3 . if
max φ b i s ( u i : u i + 1 ) min φ b i s ( u i : u i + 1 ) min φ b i s ( u i : u i + 1 ) > ρ
If the above condition holds (with ρ = 0.25 in this study), then u i is considered a discontinuity point, and e j = u i , j = 1 , 2 , 3 , e j represents the discontinuity point sequence. If φ b i s ( u i + 1 ) φ b i s ( u i ) > 0 , e j is considered the rising edge of φ b i s ( t ) , and φ b i s ( e j 1 : e j ) is regarded as the minimum value; if φ b i s ( u i + 1 ) φ b i s ( u i ) < 0 , e j is considered the falling edge of φ b i s ( t ) , and φ b i s ( e j 1 : e j ) is regarded as the minimum value. The remaining part of φ b i s ( t ) is considered the peak value.
Step 5: Perform interpolation between all peak values to obtain the rearranged local cutoff frequency φ b i s ( t ) .
(2)
Filtering Stage Based on Time-Varying Filters.
Step 1: Reconstruct the signal based on the rearranged cutoff frequency:
h ( t ) = cos φ b i s ( t ) d t
Use the extrema of h ( t ) as nodes, and divide h ( t ) into n segments, each with a step size of m. Here, n is referred to as the order of the B-spline function. Perform B-spline interpolation between the extrema, and the result is denoted as m ( t ) , representing the local mean curve.
Step 2: Check whether the residual signal θ t satisfies the stopping criterion θ t < ξ , where ξ is the given bandwidth threshold. If it does, then x t is the IMF; otherwise, set x t = x t m ( t ) , and repeat all previous steps until the stopping criterion is met. The formulas for Loughlin’s instantaneous bandwidth and the weighted average instantaneous frequency are given in Equations (9) and (10).
θ ( t ) = B L o u g h l i n ( t ) φ a v g ( t )
B L o u g h l i n ( t ) = a 1 2 ( t ) + a 2 2 ( t ) a 1 2 ( t ) + a 2 2 ( t ) + a 1 2 ( t ) a 2 2 ( t ) φ 1 t φ 2 t 2 a 1 2 ( t ) + a 2 2 ( t ) 2
φ a v g ( t ) = a 1 2 ( t ) φ 1 t + a 2 2 ( t ) φ 2 t a 1 2 ( t ) + a 2 2 ( t )

2.2. Subtraction-Average-Based Optimizer

The TVFEMD process requires a predefined bandwidth threshold ξ and B-spline order n, introducing subjectivity and uncertainty. The Subtraction-Average-Based Optimizer (SABO), a metaheuristic optimization algorithm, is employed to optimize these parameters. Its basic principle is to update each agent’s position using the subtraction-average operation of all agents in the search space, iteratively converging toward the optimal solution. The SABO algorithm follows these steps [26,27]:
First, define the operator “ v ” as
A v B = s i g n F A F B A v ¯ B
A and B are different individuals, and sign is the sign function. F(A) and F(B) represent the fitness values of A and B, respectively. v ¯ is a vector with the same dimension as the search space. Each of its components is a random number generated from the set {1, 2}; represents the Hadamard product of two vectors.
Randomly initialize the population in the optimization space:
x i , j = l b j + r ( u b j l b j )
where x i , j represents an individual. u b j represents the upper boundary of the optimization problem, while l b j is the lower bound for optimization and is a randomly generated value within the range [0, 1]. In the SABO, the displacement of any search agent x i in the search space is calculated through the arithmetic mean of the “ v ” of each search agent x j . The new position of each search agent is calculated as follows:
X i n e w = x i + r i 1 N j = 1 N X i v X j , i = 1 , 2 , N
where r i is a vector with the same dimension as the search space, consisting of random numbers between [0, 1]. N is the total number of individuals. X i n e w is the latest calculated position of the i-th individual. If the new position is better, it replaces the previous position; otherwise, the following rule holds:
X i = X i n e w ,   F i n e w < F i X i ,   e l s e
F i n e w and F i represent the objective function values of the search agent X i n e w and X i , respectively.
To validate the optimization performance of the SABO algorithm, the CEC2005 optimization benchmark function set was selected for testing. Single-peak functions F1 and F2 were chosen to evaluate the optimization accuracy and speed of the algorithm, while multi-peak functions F9 and F10 were used to test the algorithm’s global optimization capability and its ability to escape local optima. The expressions and search spaces of the test functions are shown in Table 1 [28,29].
The functions listed in Table 1 were used to evaluate and compare the optimization performance of the SABO algorithm, Particle Swarm Optimization (PSO) algorithm, and Grey Wolf Optimization (GWO) algorithm [30,31]. The experiments were configured with 1000 iterations and a population size of 100. Figure 1a–d display the 3D representations of the four test functions along with the convergence curves for each algorithm. The results shown in the figures indicate that the SABO algorithm consistently achieves the optimal value first across all test functions. This demonstrates its significant advantages in terms of global optimization capability and convergence speed, as well as its strong ability to escape local optima.

2.3. Temporal Convolutional Network

The Temporal Convolutional Network (TCN) is a deep learning architecture specifically designed for modeling sequential data. With its capability to efficiently capture long-range dependencies in time-series signals and its advantages in parallel computation, the TCN has become a popular method in the field of sequence analysis [32]. Theoretically, it significantly enhances model prediction accuracy.
Compared with traditional methods like the CNN and RNN, the TCN leverages techniques such as dilated convolutions, long-range dependency modeling, and residual connections to better extract features from sequential data, offering superior modeling capacity and flexibility. Its strengths include strong capabilities for modeling long-term dependencies, efficient handling of variable-length sequences, and translation invariance. These make theTCN highly performant and scalable for time-series data processing while avoiding issues like vanishing or exploding gradients [33]. The specific structure of the TCN model is shown in Figure 2 [34]. The TCN network structure includes the following [31]:
(1)
Residual Block: To mitigate gradient vanishing and exploding problems in deep networks, the TCN employs residual connections to enhance stability and training efficiency while maintaining model complexity. As shown in Figure 2a,b, the TCN module is primarily composed of multiple residual blocks, each consisting of four main parts: the dilated causal convolution layer (Dilated Causal Conv), normalization layer (WeightNorm), activation function layer (ReLU), regularization layer (Dropout).
(2)
Dilated Causal Convolution: This is the core operation of the TCN, combining the temporal dependence of causal convolution with the long-range modeling capability of dilated convolution. It allows the TCN to efficiently handle long-range dependencies in time-series data. Its structure is depicted in Figure 2c. Unlike recurrent neural networks (e.g., LSTM and GRUs) that process sequential data step-by-step, dilated causal convolution achieves parallel computation through convolution operations, improving computational efficiency. This method ensures causality in time-series modeling, extends the receptive field, captures richer temporal features with a shallower network, and supports efficient parallel computation.

2.4. Gated Recurrent Unit

The Gated Recurrent Unit (GRU) is a variant of the Recurrent Neural Network (RNN). It was designed to address the gradient vanishing and exploding problems that traditional RNNs encounter when processing long sequence data, enabling more effective modeling of sequential data [35]. Compared with Long Short-Term Memory (LSTM) networks, the GRU simplifies the structure by merging the input gate and forget gate into a single update gate, which plays a critical role in controlling the retention of information. Additionally, the GRU replaces the output gate in LSTM with a reset gate, which flexibly adjusts how the current state interacts with previous information. The structure of a GRU is shown in Figure 3, and its mathematical representation is described in Equation (15) [36,37]:
z t = σ w ( x , z ) T x t + w ( h , z ) T h t 1 r t = σ w ( x , r ) T x t + w ( h , r ) T h t 1 g t = tanh [ w ( x , g ) T x t + w ( h , g ) T ( r h t 1 ) ] h t = ( z t ) h t 1 + z t g t
where x t is the input at time t, h t is the output or state at time t, h t 1 is the state at time t 1 , w is the weight, σ is the sigmoid activation function, and tanh is the hyperbolic tangent activation function.

2.5. Fault Diagnosis Model Based on SABO-TVFEMD-TCN-GRU

Based on the advantages of the SABO algorithm, this paper applies an SABO to optimize TVFEMD in order to search for the optimal bandwidth threshold ξ and B-spline order n . The minimum information entropy is selected as the fitness function, as shown in Equation (16). In the equation, the normalized energy of the i-th component is typically represented as follows:
H ( x ) = i = 1 n p i log p i 2
Through SABO-TVFEMD, different IMF components with different time-frequency characteristics are obtained. These IMFs are then input into the TCN-GRU model for fault classification and diagnosis. The TCN-GRU model combines the advantages of the TCN in capturing long-sequence global dependency features and the GRU’s efficiency in capturing dynamic temporal changes, enabling more accurate processing of non-stationary signals for precise fault feature classification and diagnosis [38,39]. The flowchart of the proposed method is shown in Figure 4. The fault diagnosis process is described as follows:
Step 1: Simulate typical mechanical faults of OLTC through experiments and collect the vibration signals generated during the process.
Step 2: Divide the data into a training set and a validation set to prepare for subsequent model training and testing.
Step 3: Use the SABO algorithm to search and optimize two key parameters of TVFEMD (bandwidth threshold ξ and B-spline order n ), return the parameter combinations, and use TVFEMD to decompose the signal, evaluating the quality of each parameter set using minimum information entropy H ( x ) as the fitness function.
Step 4: Update the search agents and continually adjust the bandwidth threshold ξ and B-spline order n until the termination condition is met.
Step 5: Use the best parameter combination obtained from optimization, apply TVFEMD to decompose the vibration signal, and generate IMF components.
Step 6: Input the decomposed IMF components into the TCN-GRU classification model for training and classification.
Step 7: Output the fault diagnosis results.

3. OLTC Mechanical Fault Simulation Experiment

This study uses a certain KM-type combined OLTC as the experimental object and sets up an experimental platform as shown in Figure 5a. Figure 5b depicts the experimental OLTC, while Figure 5c shows the sensor layout. To provide data support for the fault diagnosis model, vibration signals were collected by simulating typical mechanical faults of the OLTC. To analyze the vibration characteristics of the OLTC under different fault conditions, three typical mechanical faults were designed, as presented in the schematic diagram in Figure 6: (a) transmission shaft gear jamming, simulated by inserting wood chips into the gear box of the switch drive mechanism; (b) transmission shaft screw loosening, achieved by loosening the screws at the connection of the transmission rod; and (c) arcing plate loosening, realized by loosening the screws fixing the arcing plate. In this experiment, a voltage output accelerometer with a sensitivity of 50 V/g was installed at the flange of the OLTC top. Given that the vibration signals generated during the switching action of the OLTC feature impact characteristics and have a frequency range of approximately 50 Hz to 10 kHz, the signal sampling rate was set to 25 kHz.
Multiple tests at the same gear position and multiple groups of tests at multiple gear positions were carried out, respectively, under normal working conditions and the set fault working conditions. Figure 7 shows the vibration signal waveforms during the operation period of the switching switch when switching from the 3rd gear position to the 4th gear position under four working conditions. During the operation stage of the switching switch, the overall amplitude of the vibration data reached its peak value. The information content in this stage is the richest, which is the key basis for judging the mechanical faults of the OLTC [40].
As illustrated in Figure 7, a distinct pattern can be observed during the switching action phase, wherein the vibration waveform exhibits four prominent peaks, each closely corresponding to the sequential operations of the OLTC contacts. A comparative analysis of the vibration waveforms under various operating conditions reveals notable differences in amplitude. Under normal conditions, the peak vibration amplitude is recorded at 3.614 g. In contrast, this value increases significantly under fault conditions: 7.069 g for the transmission shaft gear jamming fault, 5.100 g for the transmission shaft screw loosening fault, and 5.610 g for the arcing plate loosening fault. These results clearly indicate that the peak vibration amplitudes associated with fault conditions are substantially higher than those observed during normal operation, with the gear jamming and arcing plate loosening faults exhibiting particularly prominent peak values.
This substantial variation indicates that changes in operating conditions have a profound impact on vibration characteristics. However, relying solely on time-domain waveform analysis falls short of fully uncovering the intrinsic characteristics of vibration signals and potential fault modes. Therefore, further decomposition and feature extraction of vibration signals are essential to extract key fault diagnosis information.

4. Data Analysis

4.1. Signal Decomposition Results Based on SABO-TVFEMD

According to the previously described method and steps, the search range for the SABO and the optimal TVFEMD parameter results for each operating condition are presented in Table 2. Specifically, Faults 1–3 correspond to the following mechanical fault conditions: transmission shaft gear jamming, transmission shaft screw loosening, and arcing plate loosening.
Figure 8a presents the SABO-TVFEMD results of vibration signals under normal operating conditions, while Figure 8b illustrates the spectral plots of each IMF. Table 3 systematically summarizes the energy ratios and peak frequencies of every IMF shown in Figure 8. Analysis shows that IMF1 to IMF5 capture 98.88% of the total energy, with no mode mixing observed in any IMF. This confirms the effectiveness of the decomposition, indicating that the primary vibration components are concentrated in these five IMFs, while the others mainly represent noise. Therefore, the subsequent analysis focuses on IMF1 to IMF5.
Figure 9a–c respectively show the time-domain waveforms and frequency spectra of IMF1-IMF5 after SABO-TVFEMD decomposition under three fault operating conditions. The results indicate that IMF1 to IMF5 display distinct fluctuations in the time domain, and their frequency spectra clearly delineate the main frequency ranges of these components. The lack of frequency aliasing further validates the high quality of the decomposition. By comparing the decomposition results of different conditions, significant disparities in both time-domain and frequency-domain characteristics can be observed. These findings lay a solid data foundation for subsequent research and development.

4.2. Fault Diagnosis Based on the TCN-GRU

In the OLTC mechanical fault simulation experiment, 200 sets of vibration data were collected for each operating condition. The data were partitioned into a training set and a test set at a ratio of 8:2. Specifically, the training set consists of 160 sets of signals for each operating condition, amounting to 640 sets in total. The test set is composed of 40 sets of signals for each operating condition, totaling 160 sets. Each signal sample was preprocessed using the SABO-TVFEMD method, and IMF1-IMF5 derived from the decomposition was used as input for the TCN-GRU model. The grid search algorithm was applied to optimize the selected parameters of the TCN-GRU model. The final parameter settings are presented in Table 4. “/” indicates that no optimization was performed, and a fixed value was adopted.
During the model training process, loss and accuracy are crucial metrics for evaluating model performance. Figure 10 depicts the Loss–accuracy curves of the TCN-GRU model on the training set and the test set. Figure 10a shows the training loss and test loss curves. At the beginning of training, the model’s ability to fit the data was poor, with both training loss and test loss at high levels, approximately 1.77 and 1.75, respectively. As training progressed, both curves declined significantly, and the model’s fitting effect on the data continuously improved. In the later stages of training, the training loss dropped to approximately 0.05, and the test loss dropped to approximately 0.11. Moreover, the curves stabilized, indicating that the model achieved good fitting on both the training set and the test set. Figure 10b presents the training accuracy and test accuracy curves. At the start of training, the training accuracy and test accuracy were approximately 28.3% and 24.9%, respectively. As the number of training rounds increased, the training accuracy climbed rapidly, reaching approximately 99.3% in the later stages of training, demonstrating a substantial improvement in the model’s recognition ability on the training set. The test accuracy also exhibited an upward trend and eventually stabilized at approximately 96.3%, fully demonstrating that the model possesses excellent generalization ability on the test set.

4.3. Ablation and Comparison Experiments

First, to verify the effectiveness of the SABO-TVFEMD decomposition method adopted in this paper, we trained models with different decomposition methods using the same training set and evaluated their performance on the test set. To rule out the contingency of the experimental results, without using pre-trained weights, we carried out 10 independent training sessions for each model in Table 5. Table 5 presents the average classification accuracy of each model in 10 experiments. Figure 11 shows the classification accuracy of each model over 10 experiments. Figure 12 shows the confusion matrix of the classification results of each model in Table 5 for one of the experiments. Faults 1–3 correspond to the following mechanical fault conditions: transmission shaft gear jamming, transmission shaft screw loosening, and arcing plate loosening.
Table 5 presents the average classification accuracy of five different decomposition methods integrated with the TCN-GRU model. The SABO-TVFEMD-TCN-GRU model attains an average accuracy of 96.38%, the highest among all models. The TVFEMD-TCN-GRU model follows with an average accuracy of 91.62%. The VMD-TCN-GRU model records an average accuracy of 88.12%, while the EMD-TCN-GRU model has an average accuracy of 84.62%. Evidently, the SABO-TVFEMD-TCN-GRU model outperforms the other models. This indicates that compared to TVFEMD, VMD, and EMD decomposition methods, the SABO-TVFEMD decomposition method significantly improves the classification accuracy in fault diagnosis.
Subsequently, to verify the improvement effect of the TCN-GRU model on the accuracy of fault diagnosis, we trained models based on the SABO-TVFEMD decomposition method and composed of TCN-GRU, TCN, GRU, and LSTM, respectively, using the same training set. Table 6 shows the average classification accuracy of each model on the test set. Figure 13 illustrates the classification accuracy of each model in Table 6 over 10 experiments, and Figure 14 presents the confusion matrix of one of the experiments.
Table 6 presents the average classification accuracy of each model on the test set, offering a clear comparison of their performance in the fault diagnosis task. Among the four models evaluated, the SABO-TVFEMD-TCN-GRU model achieved the highest average accuracy of 96.38%, demonstrating the effectiveness of integrating the TCN-GRU architecture with the SABO-TVFEMD decomposition method in enhancing diagnostic performance. The SABO-TVFEMD-GRU and SABO-TVFEMD-LSTM models attained lower average accuracies of 87.25% and 82.75%, respectively. The SABO-TVFEMD-TCN model performed better than both, reaching an average accuracy of 91.88%. Nevertheless, its performance still lagged behind that of the SABO-TVFEMD-TCN-GRU model. These results suggest that while the LSTM, GRU, and TCN architectures individually offer certain advantages, they may be limited in fully capturing the complex features of fault data. In contrast, the combined TCN-GRU structure demonstrates superior capability in extracting temporal dependencies and handling the nonlinear characteristics of the signal, thereby leading to improved fault classification accuracy.
To further validate the performance of the proposed model, we conducted a comparative study with several representative state-of-the-art diagnostic methods. All models were trained using the same training dataset and evaluated on the same testing set to ensure fairness and consistency. Table 7 presents the average diagnostic accuracy obtained over 10 independent runs for each method.
The results demonstrate that our proposed model outperforms existing approaches in terms of diagnostic accuracy, which highlights its superior feature extraction capability and classification effectiveness. This improvement can be attributed to the adaptive signal decomposition achieved by SABO-TVFEMD and the powerful temporal modeling of the TCN-GRU architecture.

5. Conclusions

In the operation of power systems, the stable operation of the On-Load Tap Changer is crucial for the reliable power supply of the power grid. This study proposes a new method for diagnosing mechanical faults of the On-Load Tap Changer based on SABO-TVFEMD-TCN-GRU. By conducting a multi-level analysis on the vibration signals of the On-Load Tap Changer, this method achieves precise feature extraction and thus enables efficient and accurate fault diagnosis.
In the experimental phase, three typical mechanical faults were simulated: transmission shaft gear jamming, transmission shaft screw loosening, and arcing plate loosening. Through the analysis of vibration signals, the differences in vibration characteristics under different fault conditions were deeply explored. Meanwhile, the SABO algorithm was used to optimize the bandwidth threshold ξ and B-spline order n of TVFEMD, significantly improving the extraction effect of the intrinsic mode components of the signals and providing rich feature information for subsequent fault classification.
Verified by multiple groups of comparative experiments, the SABO-TVFEMD-TCN-GRU model proposed in this study shows significant advantages in the fault diagnosis task. Compared with other signal decomposition methods and classification models, the fault diagnosis accuracy of this model reaches 96.38%, outperforming traditional methods. When facing complex and changeable operating environments, this model exhibits stronger robustness. Especially in multi-fault mode recognition, it shows higher accuracy and stability.
In conclusion, the SABO-TVFEMD-TCN-GRU model provides an innovative and efficient solution for the mechanical fault diagnosis of the On-Load Tap Changer. It not only improves the accuracy of fault diagnosis but also can effectively adapt to signal changes in complex environments. It has important application value for the online monitoring and fault early warning of smart grid equipment and is expected to promote the further development of power equipment condition monitoring technology.
Currently, most intelligent OLTC monitoring systems are in pilot or semi-industrial application phases, typically implemented in substations with high reliability requirements. Existing commercial solutions often rely on single-source signal processing and threshold-based evaluation approaches. While the proposed framework has not yet been fully deployed in real-world scenarios, its modular design and data-driven modeling make it well suited for future field applications. Further work will focus on real-time implementation via embedded systems and edge computing platforms, with the aim of enabling adaptive and scalable diagnosis under compound fault conditions in actual power grid environments.

Author Contributions

Conceptualization, Z.H. and D.Z.; methodology, S.W. and R.Q.; software, S.W. and Y.Z.; validation, Z.H., Q.M., and D.Z.; formal analysis, Y.Z.; investigation, Z.H., Y.Z., and D.Z.; resources, D.Z., Q.M., and T.Z.; data curation, Q.M. and R.Q.; writing—original draft preparation, S.W. and R.Q.; writing—review and editing, S.W., R.Q., and T.Z.; visualization, Y.Z.; supervision, T.Z.; project administration, Q.M. and Y.Z.; funding acquisition, Z.H. and T.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Yunnan Power Grid Corporation Science and Technology Project, grant number 056200KC23110017.

Data Availability Statement

The data presented in this study are available on request from the corresponding author.

Conflicts of Interest

Shan Wang, Zhihu Hong, Qingyun Min and Dexu Zou were employed by the Electric Power Research Institute of Yunnan Power Grid Co., Ltd. Shan Wang was employed by the Yunnan Power Grid Co., Ltd. Yanlin Zhao was employed by the Chuxiong Power Supply Bureau, Yunnan Power Grid Co., Ltd. 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. Ismail, F.B.; Mazwan, M.; Al-Faiz, H.; Marsadek, M.; Hasini, H.; Al-Bazi, A.; Yang Ghazali, Y.Z. An offline and online approach to the OLTC condition monitoring: A review. Energies 2022, 15, 6435. [Google Scholar] [CrossRef]
  2. Liu, X.; Aichhorn, A.; Liu, L.; Li, H. Coordinated control of distributed energy storage system with tap changer transformers for voltage rise mitigation under high photovoltaic penetration. IEEE Trans. Smart Grid 2012, 3, 897–906. [Google Scholar] [CrossRef]
  3. Nadolny, Z. Design and Optimization of Power Transformer Diagnostics. Energies 2023, 16, 6466. [Google Scholar] [CrossRef]
  4. Dabaghi-Zarandi, F.; Behjat, V.; Gauvin, M.; Picher, P.; Ezzaidi, H.; Fofana, I. Power Transformers OLTC Condition Monitoring Based on Feature Extraction from Vibro-Acoustic Signals: Main Peaks and Euclidean Distance. Sensors 2023, 23, 7020. [Google Scholar] [CrossRef]
  5. Dabaghi-Zarandi, F.; Behjat, V.; Gauvin, M.; Picher, P.; Ezzaidi, H.; Fofana, I. Using Deep Learning to Detect Anomalies in On-Load Tap Changer Based on Vibro-Acoustic Signal Features. Energies 2024, 17, 1665. [Google Scholar] [CrossRef]
  6. Rivas, E.; Burgos, J.C.; García-Prada, J.C. Vibration analysis using envelope wavelet for detecting faults in the OLTC tap selector. IEEE Trans. Power Deliv. 2010, 25, 1629–1636. [Google Scholar] [CrossRef]
  7. Bengtsson, C. Status and trends in transformer monitoring. IEEE Trans. Power Deliv. 1996, 11, 1379–1384. [Google Scholar] [CrossRef]
  8. Ezzaidi, H.; Fofana, I.; Picher, P.; Gauvin, M. On the Feasibility of Detecting Faults and Irregularities in On-Load Tap Changers (OLTCs) by Vibroacoustic Signal Analysis. Sensors 2024, 24, 7960. [Google Scholar] [CrossRef]
  9. Saveliev, A.; Tsukao, S.; Schmitten, P.; Hochmuth, H.; Foata, M.; Nakahata, M.; Tamura, S. Detection of On-Load Tap-Changer Contact Wear Using Vibroacoustic Measurements. IEEE Trans. Power Deliv. 2024, in press. [Google Scholar] [CrossRef]
  10. Li, H.; Dou, L.; Li, S.; Kang, Y.; Yang, X.; Dong, H. Abnormal State Detection of OLTC Based on Improved Fuzzy C-means Clustering. Chin. J. Electr. Eng. 2023, 9, 129–141. [Google Scholar] [CrossRef]
  11. Duan, R.; Wang, F. Fault diagnosis of on-load tap-changer in converter transformer based on time-frequency vibration analysis. IEEE Trans. Ind. Electron. 2016, 63, 3815–3823. [Google Scholar] [CrossRef]
  12. Wang, Z.; He, G.; Du, W.; Zhou, J.; Han, X.; Wang, J.; Kou, Y. Application of parameter optimized variational mode decomposition method in fault diagnosis of gearbox. IEEE Access 2019, 7, 44871–44882. [Google Scholar] [CrossRef]
  13. Lei, Y.; Lin, J.; He, Z.; Zuo, M.J. A review on empirical mode decomposition in fault diagnosis of rotating machinery. Mech. Syst. Signal Process. 2013, 35, 108–126. [Google Scholar] [CrossRef]
  14. Liu, J.; Wang, G.; Zhao, T.; Zhang, L. Fault Diagnosis of On-Load Tap-Changer Based on Variational Mode Decomposition and Relevance Vector Machine. Energies 2017, 10, 946. [Google Scholar] [CrossRef]
  15. Wang, L.; Liu, Z.; Miao, Q.; Zhang, X. Time-frequency analysis based on ensemble local mean decomposition and fast kurtogram for rotating machinery fault diagnosis. Mech. Syst. Signal Process. 2018, 103, 60–75. [Google Scholar] [CrossRef]
  16. Xin, J.; Zhou, C.; Jiang, Y.; Tang, Q.; Yang, X.; Zhou, J. A signal recovery method for bridge monitoring system using TVFEMD and encoder-decoder aided LSTM. Measurement 2023, 214, 112797. [Google Scholar] [CrossRef]
  17. Hao, C.; Liu, B.; Li, Y.; Zhuo, Y.; Ma, Y. A data recovery method for extra-long-span railway bridge health monitoring based on TVFEMD and CNN-GRU. Meas. Sci. Technol. 2024, 35, 086139. [Google Scholar] [CrossRef]
  18. Viel, F.; Maciel, R.C.; Seman, L.O.; Zeferino, C.A.; Bezerra, E.A.; Leithardt, V.R.Q. Hyperspectral image classification: An analysis employing CNN, LSTM, transformer, and attention mechanism. IEEE Access 2023, 11, 24835–24850. [Google Scholar] [CrossRef]
  19. Trujillo-Guerrero, M.F.; Román-Niemes, S.; Jaén-Vargas, M.; Cadiz, A.; Fonseca, R.; Serrano-Olmedo, J.J. Accuracy comparison of CNN, LSTM, and Transformer for activity recognition using IMU and visual markers. IEEE Access 2023, 11, 106650–106669. [Google Scholar] [CrossRef]
  20. Xiaoyan, H.; Bingjie, L.; Jing, S.; Hua, L.; Guojing, L. A novel forecasting method for short-term load based on TCN-GRU model. In Proceedings of the 2021 IEEE International Conference on Energy Internet (ICEI), Southampton, UK, 27–29 September 2021; pp. 1–6. [Google Scholar]
  21. Li, L.; Li, Y.; Mao, R.; Li, L.; Hua, W.; Zhang, J. Remaining useful life prediction for lithium-ion batteries with a hybrid model based on TCN-GRU-DNN and dual attention mechanism. IEEE Trans. Transp. Electrific. 2023, 9, 4726–4740. [Google Scholar] [CrossRef]
  22. Xiang, X.; Li, X.; Zhang, Y.; Hu, J. A short-term forecasting method for photovoltaic power generation based on the TCN-ECANet-GRU hybrid model. Sci. Rep. 2024, 14, 6744. [Google Scholar] [CrossRef] [PubMed]
  23. Fernandes, M.; Corchado, J.M.; Marreiros, G. Machine learning techniques applied to mechanical fault diagnosis and fault prognosis in the context of real industrial manufacturing use-cases: A systematic literature review. Appl. Intell. 2022, 52, 14246–14280. [Google Scholar] [CrossRef] [PubMed]
  24. Xu, Y.; Cai, Z.; Ding, K. An enhanced bearing fault diagnosis method based on TVF-EMD and a high-order energy operator. Meas. Sci. Technol. 2018, 29, 095108. [Google Scholar] [CrossRef]
  25. Zhou, C.; Xiong, Z.; Bai, H.; Xing, L.; Jia, Y.; Yuan, X. Parameter-adaptive TVF-EMD feature extraction method based on improved GOA. Sensors 2022, 22, 7195. [Google Scholar] [CrossRef]
  26. Trojovský, P.; Dehghani, M. Subtraction-average-based optimizer: A new swarm-inspired metaheuristic algorithm for solving optimization problems. Biomimetics 2023, 8, 149. [Google Scholar] [CrossRef]
  27. Liu, G.; Ma, Y.; Wang, N. Rolling Bearing Fault Diagnosis Based on SABO–VMD and WMH–KNN. Sensors 2024, 24, 5003. [Google Scholar] [CrossRef]
  28. García-Martínez, C.; Gutiérrez, P.D.; Molina, D.; Lozano, M.; Herrera, F. Since CEC 2005 competition on real-parameter optimisation: A decade of research, progress and comparative analysis’s weakness. Soft Comput. 2017, 21, 5573–5583. [Google Scholar] [CrossRef]
  29. Suganthan, P.N.; Hansen, N.; Liang, J.J.; Deb, K.; Chen, Y.P.; Auger, A.; Tiwari, S. Problem Definitions and Evaluation Criteria for the CEC 2005 Special Session on Real-Parameter Optimization; Technical Report 2005005; Kanpur Genetic Algorithms Laboratory, IIT Kanpur: Kanpur, India, 2005. [Google Scholar]
  30. Marini, F.; Walczak, B. Particle swarm optimization (PSO). A tutorial. Chemom. Intell. Lab. Syst. 2015, 149, 153–165. [Google Scholar] [CrossRef]
  31. Faris, H.; Aljarah, I.; Al-Betar, M.A.; Mirjalili, S. Grey wolf optimizer: A review of recent variants and applications. Neural Comput. Appl. 2018, 30, 413–435. [Google Scholar] [CrossRef]
  32. Lea, C.; Vidal, R.; Reiter, A.; Hager, G.D. Temporal convolutional networks: A unified approach to action segmentation. In Lecture Notes in Computer Science, Proceedings of the Computer Vision–ECCV 2016 Workshops, Amsterdam, The Netherlands, 8–10 and 15–16 October 2016; Springer International Publishing: Cham, Switzerland, 2016; Part III; pp. 1–14. [Google Scholar]
  33. Lea, C.; Flynn, M.D.; Vidal, R.; Reiter, A.; Hager, G.D. Temporal convolutional networks for action segmentation and detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1–10. [Google Scholar]
  34. Li, C.; Shen, C.; Zhang, H.; Sun, H.; Meng, S. A novel temporal convolutional network via enhancing feature extraction for the chiller fault diagnosis. J. Build. Eng. 2021, 42, 103014. [Google Scholar] [CrossRef]
  35. Dey, R.; Salem, F.M. Gate-Variants of Gated Recurrent Unit (GRU) Neural Networks. In Proceedings of the 2017 IEEE 60th International Midwest Symposium on Circuits and Systems (MWSCAS), Boston, MA, USA, 6–9 August 2017; pp. 1597–1600. [Google Scholar]
  36. Chung, J.; Gulcehre, C.; Cho, K.; Bengio, Y. Empirical evaluation of gated recurrent neural networks on sequence modeling. arXiv 2014, arXiv:1412.3555. [Google Scholar]
  37. Liao, G.P.; Gao, W.; Yang, G.J.; Guo, M.F. Hydroelectric generating unit fault diagnosis using 1-D convolutional neural network and gated recurrent unit in small hydro. IEEE Sens. J. 2019, 19, 9352–9363. [Google Scholar] [CrossRef]
  38. Li, S.; Tang, G.; Chen, X.; Lin, T. Stock Index Forecasting Using a Novel Integrated Model Based on CEEMDAN and TCN-GRU-CBAM. IEEE Access 2024, 12, 122524–122543. [Google Scholar] [CrossRef]
  39. Cai, C.; Li, Y.; Su, Z.; Zhu, T.; He, Y. Short-term electrical load forecasting based on VMD and GRU-TCN hybrid network. Appl. Sci. 2022, 12, 6647. [Google Scholar] [CrossRef]
  40. Liang, X.; Wang, Y.; Gu, H. A Mechanical Fault Diagnosis Method for Transformer CM-Type On-Load Tap Changer Based on Vibration Intensity During the Entire Switching Process. Proc. Chin. Soc. Electr. Eng. 2024, 44, 4145–4157. [Google Scholar]
  41. Liang, X.; Wang, Y.; Gu, H. A Mechanical Fault Diagnosis Model of On-Load Tap Changer Based on Same-Source Heterogeneous Data Fusion. IEEE Trans. Instrum. Meas. 2022, 71, 1–9. [Google Scholar] [CrossRef]
  42. Shi, Y.; Ruan, Y.; Li, L.; Zhang, B.; Yuan, K.; Luo, Z.; Huang, Y.; Xia, M.; Li, S.; Lu, S. A Mechanical Fault Diagnosis Method for UCG-Type On-Load Tap Changers in Converter Transformers Based on Multi-Feature Fusion. Actuators 2024, 13, 387. [Google Scholar] [CrossRef]
  43. Qian, G.; Wang, S. Fault Diagnosis of On-Load Tap-Changer Based on the Parameter-Adaptive VMD and SA-ELM. In Proceedings of the 2020 IEEE International Conference on High Voltage Engineering and Application (ICHVE), Beijing, China, 6–10 September 2020; pp. 1–4. [Google Scholar]
Figure 1. Convergence curves of the SABO algorithm, PSO algorithm, and GWO algorithm on different test functions. (a) F1; (b) F2; (c) F9; and (d) F10.
Figure 1. Convergence curves of the SABO algorithm, PSO algorithm, and GWO algorithm on different test functions. (a) F1; (b) F2; (c) F9; and (d) F10.
Energies 18 02934 g001aEnergies 18 02934 g001b
Figure 2. Network structure of TCN. (a) TCN structure; (b) residual block structure; and (c) dilated causal convolution structure.
Figure 2. Network structure of TCN. (a) TCN structure; (b) residual block structure; and (c) dilated causal convolution structure.
Energies 18 02934 g002
Figure 3. Structure of the GRU unit.
Figure 3. Structure of the GRU unit.
Energies 18 02934 g003
Figure 4. Fault diagnosis flowchart based on SABO-TVFEMD-TCN-GRU.
Figure 4. Fault diagnosis flowchart based on SABO-TVFEMD-TCN-GRU.
Energies 18 02934 g004
Figure 5. OLTC mechanical fault simulation experiment platform. (a) Experimental platform; (b) experimental OLTC; and (c) sensor layout diagram.
Figure 5. OLTC mechanical fault simulation experiment platform. (a) Experimental platform; (b) experimental OLTC; and (c) sensor layout diagram.
Energies 18 02934 g005
Figure 6. Mechanical fault settings. (a) Transmission shaft gear jamming; (b) transmission shaft screw loosening; and (c) arcing plate loosening.
Figure 6. Mechanical fault settings. (a) Transmission shaft gear jamming; (b) transmission shaft screw loosening; and (c) arcing plate loosening.
Energies 18 02934 g006
Figure 7. Vibration signal waveforms during the switching action phase under four conditions. (a) Normal; (b) transmission shaft gear jamming; (c) transmission shaft screw loosening; and (d) arcing plate loosening.
Figure 7. Vibration signal waveforms during the switching action phase under four conditions. (a) Normal; (b) transmission shaft gear jamming; (c) transmission shaft screw loosening; and (d) arcing plate loosening.
Energies 18 02934 g007
Figure 8. Decomposition results of the vibration signal under normal operating conditions by SABO-TVFEMD. (a) Time-domain waveform and (b) frequency spectrum diagram.
Figure 8. Decomposition results of the vibration signal under normal operating conditions by SABO-TVFEMD. (a) Time-domain waveform and (b) frequency spectrum diagram.
Energies 18 02934 g008
Figure 9. Time-domain waveforms and frequency spectra of IMF1-IMF5 under three fault operating conditions. (a) Transmission shaft gear jamming; (b) transmission shaft screw loosening; and (c) arcing plate loosening.
Figure 9. Time-domain waveforms and frequency spectra of IMF1-IMF5 under three fault operating conditions. (a) Transmission shaft gear jamming; (b) transmission shaft screw loosening; and (c) arcing plate loosening.
Energies 18 02934 g009
Figure 10. The loss–accuracy curves of the TCN-GRU model on the training set and the test set. (a) The loss curve and (b) the accuracy curve.
Figure 10. The loss–accuracy curves of the TCN-GRU model on the training set and the test set. (a) The loss curve and (b) the accuracy curve.
Energies 18 02934 g010
Figure 11. The classification accuracy of each model with different decomposition methods over 10 experiments.
Figure 11. The classification accuracy of each model with different decomposition methods over 10 experiments.
Energies 18 02934 g011
Figure 12. The confusion matrix of the classification results of each model in Table 5 for one of the experiments. (a) SABO-TVFEMD-TCN-GRU; (b) TVFEMD-TCN-GRU; (c) VMD-TCN-GRU; and (d) EMD-TCN-GRU.
Figure 12. The confusion matrix of the classification results of each model in Table 5 for one of the experiments. (a) SABO-TVFEMD-TCN-GRU; (b) TVFEMD-TCN-GRU; (c) VMD-TCN-GRU; and (d) EMD-TCN-GRU.
Energies 18 02934 g012
Figure 13. Classification accuracy of four models in Table 6 over 10 experiments.
Figure 13. Classification accuracy of four models in Table 6 over 10 experiments.
Energies 18 02934 g013
Figure 14. The confusion matrix of the classification results of each model in Table 6 for one of the experiments. (a) SABO-TVFEMD-TCN-GRU; (b) SABO-TVFEMD-TCN; (c) SABO-TVFEMD-GRU; and (d) SABO-TVFEMD-LSTM.
Figure 14. The confusion matrix of the classification results of each model in Table 6 for one of the experiments. (a) SABO-TVFEMD-TCN-GRU; (b) SABO-TVFEMD-TCN; (c) SABO-TVFEMD-GRU; and (d) SABO-TVFEMD-LSTM.
Energies 18 02934 g014
Table 1. Test function expressions and search spaces.
Table 1. Test function expressions and search spaces.
FunctionExpressionSearch Space
F1 i = 1 n x i 2 [−100,100]
F2 i = 1 n x i + i = 1 n x i [−10,10]
F9 10 n + i = 1 n [ x i 2 10 cos ( 2 π x i ) ] [−5.12,5.12]
F10 20 exp 0.2 1 n i = 1 n x i 2 exp 1 n i = 1 n cos ( 2 π x i ) + 20 + e [−32,32]
Table 2. SABO search range and optimal TVFEMD parameter results.
Table 2. SABO search range and optimal TVFEMD parameter results.
ParameterSearch RangeSearch Results
NormalFault 1Fault 2Fault 3
ξ [0.1,0.15,0.2,0.25,0.3]0.20.250.250.2
n[10,15,20,25,30]25202015
Table 3. Distribution table of energy ratios and peak frequencies of IMFs depicted in Figure 8.
Table 3. Distribution table of energy ratios and peak frequencies of IMFs depicted in Figure 8.
IMFsEnergy RatiosPeak FrequenciesIMFsEnergy RatiosPeak Frequencies
IMF18.01%2139.43 HzIMF60.92%239.94 Hz
IMF245.08%1766.20 HzIMF70.04%59.98 Hz
IMF327.70%726.47 HzIMF80.03%26.66 Hz
IMF410.65%499.87 HzIMF90.06%13.33 Hz
IMF57.44%339.91 HzIMF100.07%0.51 Hz
Table 4. Parameters of the TCN-GRU model.
Table 4. Parameters of the TCN-GRU model.
ParametersOptimization RangeOptimal Parameters
Kernel size{2, 3, 4, 5}3
Number of filters{32, 64, 128}64
Dilation factors/[1, 2, 4]
Residual blocks{2, 3, 4, 5}3
Conv1D_filters/128
Conv1D_kenel size/1 × 1
Conv1D_activation/ReLU
GRU hidden units{32, 64, 128}64
Dropout Rate{0.1, 0.2, 0.3, 0.5}0.2
Optimizer/Adam
Learning Rate{0.001, 0.0001, 0.00001}0.001
Batch Size/32
Epochs/200
Table 5. Average classification of four decomposition methods.
Table 5. Average classification of four decomposition methods.
ModelAverage Accuracy
SABO-TVFEMD-TCN-GRU96.38%
TVFEMD-TCN-GRU91.62%
VMD-TCN-GRU88.12%
EMD-TCN-GRU84.62%
Table 6. Average classification accuracy of four models.
Table 6. Average classification accuracy of four models.
ModelAverage Accuracy
SABO-TVFEMD-TCN-GRU96.38%
SABO-TVFEMD-TCN91.88%
SABO-TVFEMD-GRU87.25%
SABO-TVFEMD-LSTM82.75%
Table 7. Comparison with existing methods.
Table 7. Comparison with existing methods.
ModelAverage Accuracy
SABO-TVFEMD-TCN-GRU96.38%
MFEMD-LIM [11]91.88%
TA-CNN-SVM [41]91.24%
Multi-Feature Fusion-PSO-LSSVM [42]87.25%
VMD-RVM [14]85.50%
VMD-SA-ELM [43]81.37%
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

Wang, S.; Hong, Z.; Min, Q.; Zou, D.; Zhao, Y.; Qi, R.; Zhao, T. Diagnosis of Power Transformer On-Load Tap Changer Mechanical Faults Based on SABO-Optimized TVFEMD and TCN-GRU Hybrid Network. Energies 2025, 18, 2934. https://doi.org/10.3390/en18112934

AMA Style

Wang S, Hong Z, Min Q, Zou D, Zhao Y, Qi R, Zhao T. Diagnosis of Power Transformer On-Load Tap Changer Mechanical Faults Based on SABO-Optimized TVFEMD and TCN-GRU Hybrid Network. Energies. 2025; 18(11):2934. https://doi.org/10.3390/en18112934

Chicago/Turabian Style

Wang, Shan, Zhihu Hong, Qingyun Min, Dexu Zou, Yanlin Zhao, Runze Qi, and Tong Zhao. 2025. "Diagnosis of Power Transformer On-Load Tap Changer Mechanical Faults Based on SABO-Optimized TVFEMD and TCN-GRU Hybrid Network" Energies 18, no. 11: 2934. https://doi.org/10.3390/en18112934

APA Style

Wang, S., Hong, Z., Min, Q., Zou, D., Zhao, Y., Qi, R., & Zhao, T. (2025). Diagnosis of Power Transformer On-Load Tap Changer Mechanical Faults Based on SABO-Optimized TVFEMD and TCN-GRU Hybrid Network. Energies, 18(11), 2934. https://doi.org/10.3390/en18112934

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