Next Article in Journal
LED-Based Desktop Analyzer for Fat Content Determination in Milk
Previous Article in Journal
UAV-WPT System Based on Novel Magnetic Structure and Model Predictive Control
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

The Prediction of Residual Electrical Life in Alternating Current Circuit Breakers Based on Savitzky-Golay-Long Short-Term

School of Electrical Engineering, Shanghai Dianji University, Shanghai 200240, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(15), 6860; https://doi.org/10.3390/s23156860
Submission received: 16 June 2023 / Revised: 28 July 2023 / Accepted: 30 July 2023 / Published: 1 August 2023
(This article belongs to the Section Electronic Sensors)

Abstract

:
In order to improve the accuracy of predicting the remaining electrical life of AC circuit breakers, ensure the safe operation of electrical equipment, and reduce economic losses caused by equipment failures, this paper studies a method based on the Savitzky–Golay convolution smoothing long short-term memory neural network for predicting the electrical life of AC circuit breakers. First, a full lifespan test is conducted to obtain degradation data throughout the entire life cycle of the AC circuit breaker, from which feature parameters that effectively reflect its operational state are extracted. Next, principal component analysis and the maximum information coefficient are used to remove redundancy in the feature parameters and choose the best subset of features. Subsequently, the Savitzky–Golay convolutional smoothing algorithm is employed to smooth the feature sequence, reducing the impact of noise and outliers on the feature sequence while preserving its main trends. Then, a secondary feature extraction is performed on the smoothed feature subset to obtain the optimal secondary feature subset. Finally, the remaining electrical lifespan of the AC circuit breaker is treated as a long-term sequence problem and the long short-term memory neural network method is used for precise time-series forecasting. The proposed model outperforms backpropagation neural networks and the gate recurrent unit in terms of prediction precision, achieving an impressive 97.4% accuracy. This demonstrates the feasibility of using time-series forecasting for predicting the residual electrical lifespan of electrical equipment and provides a reference for optimizing the method of predicting remaining electrical life.

1. Introduction

When it comes to the safety and reliability of power systems, low-voltage AC circuit breakers are considered essential protective devices. They are widely used in transmission, distribution, and generation fields. Their primary function is to rapidly disconnect faulty circuits in the event of a fault, ensuring the safe operation of the power system [1]. The remaining electrical life of an AC circuit breaker reflects its breaking performance in the circuit. Accurately predicting the remaining electrical life of an AC circuit breaker can detect potential faults in a timely manner, thereby improving the reliability of the power system and reducing possible economic losses.
Therefore, analyzing the aging mechanism of circuit breakers and studying the changing trends of characteristic parameters are of significant importance for evaluating the electrical lifespan of circuit breakers, as well as assessing the performance and reliability of the entire power system [2]. By combining experimental data with mathematical models, it is possible to predict the remaining electrical lifespan of circuit breakers, providing a basis for maintenance and ensuring the normal operation of power systems.
For the prediction of the remaining electrical lifespan of low-voltage circuit breakers, commonly used approaches include those based on physical models, experimental data, and intelligent algorithms [3,4]. Physical model-based methods involve an in-depth study of the internal physical mechanisms and failure modes of circuit breakers, establishing mathematical prediction methods. Their advantages lie in detailed system modeling and parameter analysis, along with high interpretability. Experimental data-based methods utilize accumulated operational data of circuit breakers to perform statistical analysis on failure probabilities, thereby obtaining predictions of the remaining lifespan. On the other hand, intelligent algorithm-based methods rely on techniques such as machine learning and neural networks to build prediction models by learning and analyzing large amounts of data, enabling the prediction of the circuit breaker lifespan. It should be noted that the selection of appropriate methods and techniques for feature extraction and the prediction of the remaining electrical lifespan in low-voltage circuit breakers depends on practical situations and application requirements. Continuous optimization and improvement should be carried out during the utilization process. Feature extraction methods and remaining lifespan prediction methods for low-voltage circuit breakers represent important research directions in power systems. Many scholars have already proposed various methods and algorithms in this field.
F. Xing et al. improved the prediction model by considering the influence of arc duration on contact erosion, resulting in increased accuracy [5]. Liu Z et al. studied the impact of arc voltage on the electrical lifespan of circuit breakers, using Monte Carlo methods to simulate the distribution of electrical lifespan under different operations [6]. K. Huang et al. proposed a fuzzy reliability-based lifespan assessment model and an improved gray prediction method based on stepwise data sequences to predict the remaining lifespan of circuit breakers [7]. W. De et al. used gray system theory and LabVIEW programming to develop a prediction model for circuit breaker lifespan [8]. K. Li established a prediction model for electrical remaining lifespan based on the feature parameter of contact loss, assuming a degradation process following the Wiener process [9]. Li K et al. fitted cumulative arc erosion frequency empirical distribution functions and histograms with gamma cumulative curves and probability density curves, demonstrating that the degradation process of AC contactors follows a gamma process, and performed remaining lifespan prediction using the gamma process model [10]. S. Sun et al. selected contact voltage during closing and arc energy during opening as feature parameters, calculated their correlation coefficients with electrical lifespan using Spearman rank correlation, and then combined the contact voltage and arc energy proportionally to establish a univariate regression lifespan prediction model [11]. W Zeng conducted in-depth research on the degradation process of relays and established a relay performance degradation model based on linear regression theory, using the model to predict the lifespan of aerospace relays [12]. Junqiang Liu pointed out that the degradation process exhibits multi-stage characteristics due to uncertainty and proposed a multi-stage performance degradation model based on the Wiener process for aircraft engines, along with a method to predict the remaining lifespan [13].
Overall, these studies have made valuable contributions to the prediction of AC circuit breaker remaining electrical lifespan. However, there are still challenges to address, such as the need for a comprehensive representation of degradation information using a larger set of feature parameters, dealing with the nonlinear and non-smooth characteristics of electrical monitoring signals, and effectively utilizing the relationship between current and historical states to improve prediction accuracy.
With the advancement of artificial intelligence technology, the use of deep learning [14] and machine learning [15] in the field of electrical engineering is becoming increasingly widespread. Deep learning techniques have emerged as a powerful tool for building and analyzing models using deterioration data from electrical equipment. This eliminates the necessity for precise degradation statistical models and physical models, effectively addressing the challenge of estimating the remaining electrical life of complex electrical equipment.
Z.HE and colleagues used the arc voltage and arc current signals gathered during the life testing process to extract features that reflect the degradation process of miniature circuit breakers. These extracted features were used as input parameters to construct a life assessment model for miniature circuit breakers using the backpropagation neural network (BPNN). The research results indicated that the extracted relative closing time and drop-off time could significantly reflect the deterioration process of miniature circuit breakers. The experimental data testing showed that the life assessment model constructed using trend characteristic quantities achieved good evaluation results [16]. S.Sun et al. proposed a deep learning-based method for predicting the remaining life of low-voltage circuit breakers. The method involves extracting vibration segments that represent the mechanical performance of the contact system and constructing a multi-channel convolutional autoencoder long short-term memory network (MCCAE-LSTM) as the prediction model. The MCCAE captures degradation information from the time-series data, while the LSTM component quantitatively predicts the remaining mechanical life. The combination of MCCAE and LSTM enables accurate predictions and reduces the impact of data uncertainty caused by system complexity [17]. Su.JZ explored an algorithm that combines the Savitzky–Golay convolution smoothing technique with the BP neural network. This algorithm uses arc duration, arc energy, and arc phase angle as input parameters for the prediction model, allowing for the creation of a contact residual electrical life prediction model [18]. FU.H used wavelet methods to extract time-frequency domain fault-related features and constructed a CNN-LSTM network prediction model based on the extracted features [19]. Sun.SG proposed a residual life prediction algorithm based on the Modified Multi-scale Permutation Entropy and dual attention long short-term memory mechanism. The feature and time attention mechanisms assigned weights to the features and time steps, respectively, allowing for quantitative prediction of the residual life [20].
This study examined a residual electrical life prediction model for low-voltage AC circuit breakers using the SG-LSTM method. The model considers the circuit breaker’s life status as a long-term degradation sequence and takes into account the correlation between multiple feature parameters over time. First, to effectively capture the degradation information of AC circuit breakers, PCA and MIC methods were employed to select an optimal feature subset. Second, the SG convolution smoothing algorithm was applied to smooth the feature sequence and reduce the influence of noise and outliers. Finally, the LSTM model was utilized to consider the correlation between previous and subsequent states, as well as to memorize long-term historical feature information, enabling the prediction of the time series for circuit breakers. Through case studies, the proposed prediction method showed high precision and offered a novel approach for predicting the residual electrical life of switching devices.

2. Principles

The theoretical approaches used for this study include principal component analysis (PCA), maximum information coefficient (MIC), Savitzky–Golay convolution smoothing computational method, and LSTM.

2.1. Principal Component Analysis

PCA [21] is a feature selection method based on the computation of the data covariance matrix. It transforms the original features through a linear transformation into a new set of mutually independent features, preserving the main information and variations in the data. These features are arranged in descending order of variance, allowing for dimensionality reduction and feature selection by choosing the desired number of features. The calculation process for PCA feature selection is as follows:
(1) Let X be the sample matrix consisting of all samples in the dataset, represented as X = [ x 1 , x 2 , , x m ]. The overall sample mean is calculated as follows:
x = 1 m i = 1 n x i
The covariance matrix of the sample matrix can be obtained from the mean values as follows:
C = X x X x T
(2) Calculate the eigenvalues λ i and eigenvectors of the sample covariance matrix. Calculate the contribution rate of covariance based on the eigenvalues. The contribution rate of the i-th column vector of the sample covariance matrix C and the cumulative contribution rate of the first j columns of the matrix are, respectively,
θ i = λ i i = 1 k λ i
Θ j = i = 1 j θ i
(3) Arrange the feature vectors in a matrix by arranging them in rows from top to bottom according to their corresponding eigenvalues. Set the desired dimensionality reduction to k and take the top k rows to form the matrix P.
(4) Y represents the reduced-dimensional dataset, and the formula for obtaining it is
Y = P X

2.2. Maximum Information Coefficient

The maximum information coefficient (MIC), as introduced by D.N. Reshef and his team in 2011, is a measure of correlation between variables based on the theory of mutual information (MI) [22]. Mutual information is a metric that quantifies the similarity of information between two random variables, U and V. The MIC calculation relies on both the marginal and joint probability densities of the variables in question. A higher MI value indicates a higher level of similarity between U and V. MI is calculated using entropy. The entropy of a variable U with probability distribution p ( U = u ) can be expressed using the following formula:
H ( U ) = x p U = u l o g 2 p ( U = u )
The mutual information I(U,V) between two variables U and V is defined as follows:
I U , V = u U v V p ( u , v ) l o g p ( u , v ) p ( u ) p ( v )
where p(U, V) is the joint probability density of the two random variables X and Y, and p(U) and p(V) are the marginal probability distributions of U and V, respectively.
The MIC calculation involves partitioning the scatter plot of a dataset D into several sub-regions and computing the mutual information for each sub-region between the two variables U and V. The highest mutual information value among these sub-regions is then chosen as the MIC value for the variables. The calculation formula for MIC is as follows:
M I C ( D ) = max UV < B ( n ) M ( D ) U , V = max UV < B ( n ) I ( D , U , V ) l o g m i n ( U , V )
Here, “n” represents the sample size, and “B(n)” represents the maximum number of bins or grid cells. Typically, B(n) is chosen as B ( n ) = n 0.6 .

2.3. Savitzky–Golay Convolution Smoothing Algorithm

The Savitzky–Golay filter (SG) is a time-domain filtering method that effectively removes noise from waveform signals while preserving their shape and width. It achieves this by employing local polynomial least squares fitting. Due to its ability to smooth and denoise data, the Savitzky–Golay filter has found extensive applications in various fields [23].
The effectiveness of data smoothing depends on the chosen window width, which determines the number of data points used to calculate the average value during the smoothing process. The smoothing process can be represented by the following equation:
z k , s m o o t h = z k = 1 H i = w + w z k + i h i
To minimize the overall impact of the algorithm on the waveform, each point’s value is multiplied by a smoothing coefficient h i . To address the limitations of traditional smoothing algorithms, the least squares principle and polynomial fitting are used to improve the drawback of h i H in the algorithm.
Suppose the smoothing window has a size of n = 2m + 1, and each point’s value is represented by z = (−m, −m + 2, ..., 0, 1, m − 1, m). The points within the window are fitted using a k − 1 degree polynomial, as follows:
s = a 0 + a 1 x + a 2 x 2 + + a k 1 x k 1
By applying the least squares method, we can obtain a system of k linear equations. When the number of data points (n) is greater than the number of unknowns (k), the equations will have a solution. Consequently, the fitting parameters A can be determined. Hence, the following relationship holds:
y m y m 1 y m = 1 1 1 m m + 1 m ( m ) k 1 ( m + 1 ) k 1 ( m ) k 1 a 0 a 1 a k 1 + e m e m 1 e m
It can be described using the following matrix:
D ( 2 m + 1 ) × 1 = Z ( 2 m + 1 ) × k A k × 1 + E ( 2 m + 1 ) × 1
The least squares solution for matrix A, denoted as A ^ , is given by
A ^ = Z T Z 1 Z T D
The smoothing matrix for matrix D is
D ^ = Z A = Z Z T Z 1 Z T D
The “•” in formulas 12 to 14 represents the dot product operation between two matrices.

2.4. Long Short-Term Memory Neural Network

The long short-term memory (LSTM) is a type of recurrent neural network used to address the vanishing gradient problem in traditional recurrent neural networks. It is commonly employed for handling time-series data with long time intervals and delays [24]. The internal structure of an LSTM model is depicted in Figure 1. By utilizing different modules within the network, LSTM can assess the importance of current system information and determine whether to retain or forget this information. Hence, LSTM is an effective approach for tackling long-term dependency issues. The structural components of an LSTM unit include an input gate i t , a forget gate f t , an output gate o t , and a self-connected memory cell state c t .
In the LSTM network, the forget gate determines if the quantity of information from the previous time step’s cell state C t 1 should be preserved in the current moment step’s cell state C t . The input to the forget gate is composed of the previous moment step’s hidden state h t 1 and the current moment step’s input x t . By using a sigmoid function, a decision vector f t is generated, which determines the extent to which information from the previous moment step’s cell state C t 1 should be forgotten. The result of the forget gate is obtained by element-wise multiplication between the decision vector f t and the previous moment step’s cell state C t 1 . The specific calculation formula is as follows:
f t = σ W f h t 1 , x t + b f
By the aforementioned calculation, the forget gate can determine which information from the previous time step’s cell state should be forgotten based on the previous hidden state and the current input. This mechanism enables LSTM to flexibly retain and forget relevant information when processing time sequences, thus capturing the dependencies between sequences more effectively.
The input gate is responsible for determining how much new information should be added to the current state. By using the tanh function, candidate information C t is generated. Then, the decision vector i t , generated by the sigmoid function, determines how much content from the candidate information C t can be added to the cell state C t . The specific calculation formula is as follows:
i t = σ W i h t 1 , x t + b i
C t = t a n h W C h t 1 , x t + b c
By the aforementioned calculation, it is possible to determine the importance of new information based on the input gate. The candidate information is then multiplied by the decision vector to obtain the updated memory state C t . This mechanism allows LSTM to update the memory state based on the current input and the previous hidden state, thereby capturing long-term dependencies in time sequences more effectively.
The output gate decides the output of the current cell and the hidden state that will be conveyed to the next cell. The input of the output gate consists of the previous hidden state h t 1 and the present input x t . By using the sigmoid function, a vector o t is generated, which determines how much information should be output from the current cell state C t . Additionally, the present cell state C t is subjected to the tanh activation function to generate another variable, and these two variables are multiplied to obtain the hidden state h t at the current time step. The specific calculation expression is as follows:
o t = σ W o h t 1 , x t + b o
h t = o t t a n h C t
By the aforementioned calculation, the output gate determines the output of the current cell state and also determines the hidden state that will be passed to the next cell. This mechanism allows LSTM to control the output and transmission of information based on the importance of the current state, enabling it to adapt better to different time-series tasks.
Both the input gate and the forget gate contribute to the cell state C t . The cell state C t is obtained by adding the product of the previous cell state C t 1 and the forget gate decision vector f t , and the product of the input gate decision vector i t and the candidate information C t . The specific expression is as follows:
C t = f t C t 1 + i t C t
In the equation, W f W i W C and W o are weight matrices between different layers, while b f b i b c and b o are the corresponding bias vectors. σ represents the sigmoid activation function.
The recurrent structure of LSTM, as shown in Figure 2, consists of multiple LSTM modules. Through the connections and interactions between these modules, LSTM can effectively handle long-term sequence prediction tasks.
In this structure, each LSTM module consists of an input gate, a forget gate, an output gate, and a cell state. Each module performs calculations based on the current input and the previous hidden state, and then outputs the current hidden state and cell state. By connecting multiple LSTM modules in layers, effective modeling and prediction of long-term sequences can be achieved.
The recurrent structure of LSTM allows for the transmission and interaction of information in the temporal dimension. Through gate mechanisms, the flow of information is controlled, enabling LSTM to effectively capture long-term dependencies in time-series data.

3. Prediction Model

3.1. Summary of the Prediction Model

This study investigates a residual life prediction model based on an AC circuit breaker with SG-LSTM. Figure 3 illustrates the structure of this model.
The first step involves extracting feature parameters from the voltage and current data of the AC circuit breaker, which reflect its performance degradation state. Subsequently, the importance of these feature parameters for residual life prediction is determined using the principal component analysis (PCA) method. Additionally, the maximum information coefficient (MIC) is used to measure the correlation between feature parameters, eliminating those with low correlation and redundancy with residual life. This results in an optimal set of feature parameters. Next, the SG convolutional smoothing algorithm is employed to smooth the feature sequences, obtaining more stable feature data. Then, secondary feature extraction is performed on the optimal set of feature parameters to capture higher-order relationships and nonlinear patterns among features, yielding the optimal set of secondary feature parameters. Subsequently, the optimal set of secondary feature parameters is subjected to dimensionless normalization to eliminate dimensional differences among different features, ensuring they have the same scale for better application in model training. The preprocessed multidimensional time series is fed into an LSTM neural network, where the structure of the LSTM model is defined based on the specific application, including the number of layers, hidden units, activation functions, etc. The LSTM network extracts temporal information from the sequential data. The remaining life of the AC circuit breaker serves as the prediction label, and the time step and data partitioning are set according to requirements. The LSTM neural network is trained by updating weights and biases iteratively to learn and capture the correlations between the AC circuit breaker’s life cycle and the corresponding data. The model generates predictions by feeding the outputs through a densely connected layer. The resulting predicted values are then transformed through an inverse normalization process to produce the final estimate of the residual life. Finally, evaluation metrics are used to assess and analyze the prediction results, measuring the predictive performance and accuracy of the model.

3.2. The Model Loss Function and Evaluation Metrics

In this study, the Adam optimizer is used during the training process to fine-tune the prediction model’s parameters. This optimization technique helps improve the effectiveness of the loss function optimization and enhances the convergence of the model [25]. In this study, the model’s performance is evaluated using the mean square error (MSE) loss function, which calculates the difference between the predicted and actual values. The formula for MSE is as follows:
L o s s = 1 n t = 1 n ( y t y t ) 2
In the given equation, n denotes the total number of data points. The symbol y t represents the true value, while y t stands for the estimated value.
In addition to the MSE loss function, this study also employs several other evaluation metrics to assess the quality of the predictions, including the root mean square error (RMSE), mean absolute error (MAE), and coefficient of determination ( R 2 ) as evaluation metrics. RMSE reflects the deviation between the predicted values and the actual values, where a smaller value indicates better proximity to the true values. MAE measures the average magnitude of prediction errors, where a smaller value indicates higher prediction accuracy. The R 2 metric measures the proportion of variance in the dependent variable that can be explained by the independent variables. A value closer to 1 indicates that the model is better able to capture the relationship between the independent and dependent variables. The formulas are as follows:
R M S E = 1 n t = 1 n y t y t 2
M A E = 1 n t = 1 n y t y t
R 2 = 1 t = 1 n y t y t 2 t = 1 n y t y 2
In the equation, y t represents the average value of the actual values.
Therefore, by evaluating the RMSE, MAE, and R 2 , we can comprehensively assess the accuracy of the prediction results, the magnitude of errors, and the suitability of the model to the actual data. Smaller RMSE and MAE values, as well as R 2 values close to 1, indicate better prediction performance and model fit.
Through the use of the Adam optimizer, MSE loss function, and the selection of evaluation metrics, this study effectively optimizes the model training process, improves prediction performance, and provides reliable indicators for evaluating the prediction results.

4. Experimental Environment and Feature Extraction

4.1. Experimental Environment

In order to predict the electrical life of the AC circuit breaker, we referred to the relevant test conditions specified in the national standard GB14048.2 [26] and selected the NDM3-800 model AC circuit breaker manufactured by a certain electrical company as the test object. The experiment was conducted strictly according to the conditions specified in the national standard GB14048.2, and the specific parameter settings are detailed in Table 1.

4.2. Feature Extraction

The basic structure of a circuit breaker is illustrated in Figure 4.
The arcing between the stationary and moving contacts of an AC circuit breaker during opening and closing generates electrical erosion and welding, leading to the deterioration of contact conductivity and the residual electrical life of the circuit breaker. To precisely depict the deterioration state of an AC circuit breaker, it is necessary to collect the voltage and current waveforms of the breaker phases and extract feature parameters. The waveforms of normal interruption and closing in an AC circuit breaker can be analogized to Figure 5.
The specific state of the circuit breaker during the opening and closing process is shown in Table 2.
The circuit breaker’s feature parameters are computed by taking into account the contact state at each time point, as well as the sampling rate and the voltage and current information of the contacts, in accordance with the circuit breaker’s properties and operating principles. The time when the movable contact and the static contact first make contact after the coil is energized is defined as the closing time. The maximum voltage that the circuit breaker withstands during the closing process is defined as the maximum closing voltage. After the movable and static contacts first separate, due to the inertia and the magnetic field between the contacts, the movable contact may bounce back and forth for a short period of time until the arc is completely extinguished or the contacts are completely separated. This period is defined as the bounce time of the circuit breaker. After the movable and static contacts separate, the arc still exists in the circuit and continues to discharge. At this time, the arc is relatively stable, with small fluctuations in arc current and arc voltage. This period is defined as the arc plateau time. The time from the moment the movable and static contacts separate to the generation, extension, and extinction of the arc is defined as the arcing time. The arc burning energy refers to the heat generated by the arc from its generation to extinction. The arc drop count refers to the number of rapid voltage drops during the arcing period. It is generally considered that an arc drop occurs when the voltage rapidly drops by ≥50 V for a very short duration. Based on Figure 5 and Table 2, the equations for the feature parameters of the circuit breaker are shown in Table 3 [27].
The table includes the following variables: U N for the rated voltage, u j for the contact voltage, i j for the contact current, and N for the quantity of sampling points. N w represents the window size, N h represents the high-energy arcing count, and Δ t represents the sampling time interval.

5. Case Analysis

The case study’s methodology is illustrated in Figure 6. The first step involves conducting a full life test of the AC circuit breaker in accordance with the specified requirements [26]. During this test, the voltage and current signals are recorded and used to extract the circuit breaker’s feature parameters. In the second step, the optimal subset of features is identified using PCA feature importance analysis and MIC correlation calculations. In the third step, the optimal feature subset is subjected to SG convolutional smoothing and then undergoes secondary feature extraction to obtain the optimal secondary feature subset. Next, the optimal secondary feature subset is normalized, and the residual electrical life of the AC circuit breaker is used as the prediction label. In the final step, the dataset is partitioned into separate training, validation, and testing subsets. These subsets are then fed into an LSTM model for training and evaluation. The prediction results are outputted after performing reverse normalization.

5.1. Feature Parameter Processing

The experiments were conducted using the NDM3-800 AC circuit breaker to verify the feasibility and accuracy of the proposed method. Figure 7 illustrates the comparison of the dynamic and static silver points of the three phases before and after the prototype testing.
The comparison shows that severe erosion of the dynamic and static silver points of the three phases occurs when the electrical life of the AC circuit breaker reaches its end. The original sequences and their variation trends of the prototype’s feature parameters are shown in Figure 8.

5.2. Feature Parameter Selection

Excessive feature parameters in AC circuit breakers can reflect the actual information of performance degradation. However, they may also introduce redundant information, leading to increased computational complexity and reduced accuracy in residual life prediction. Therefore, it is crucial to carefully select the extracted feature parameters [28].
In our research, we took into account the significance of feature parameters in relation to residual life and the interdependence between features. The best feature subset was selected using the PCA and MIC methods. Through the PCA feature importance analysis, we calculated the significance of feature parameters to residual life, as shown in Figure 9.
By using PCA, we can select the most representative and important feature subset, reducing the number of feature parameters and improving the performance and accuracy of the residual life prediction model. This selection process can eliminate redundant information, optimize feature selection, and provide more reliable inputs for subsequent prediction analysis.
Through the PCA importance analysis, we discovered that the average arc power had the least significance in relation to residual life. Furthermore, by calculating the correlation coefficients between the six feature parameters using the MIC, a heatmap of the correlation coefficients is displayed in Figure 10.
According to the results shown in the MIC heatmap, there is a strong correlation between the maximum closing voltage, arc platform time, and average arc power. Based on the analysis of feature importance and similarity between features, it can be concluded that retaining arc duration, arc platform time, and arc energy as the optimal subset of features is favorable.
This analysis indicates a high correlation between arc duration, arc platform time, arc energy, and the residual life. Therefore, in the process of feature selection, we choose to retain these features as the optimal subset, providing more reliable and effective input information. By filtering and selecting the optimal subset of features, we are able to decrease the number of features while still maintaining the most representative and essential features for predicting residual life. This helps optimize the model’s performance and improves the accuracy and reliability of residual life prediction.

5.3. Smoothing the Feature Sequence Based on the SG Algorithm

Based on the observations from Figure 8, it can be noticed that the original sequences of arc duration, arc plateau time, and arc energy exhibit significant fluctuations and noise. To reduce the impact of these fluctuations and noise, the Savitzky–Golay convolution smoothing algorithm was applied to smooth the feature sequences. Through the smoothing process, noise and outliers in the sequences can be filtered out, thereby extracting the main trends in the data. The specific results of the feature sequence before and after smoothing can be seen in Figure 11.
The application of the Savitzky–Golay convolution smoothing algorithm offers several important benefits. Firstly, it helps to remove unnecessary fluctuations and noise from the sequence, making the feature sequence smoother and more stable. This aids in revealing the true trends and patterns in the data, thereby improving the accuracy of prediction models. Secondly, through the convolution smoothing algorithm, we can preserve the important information in the sequence while maintaining the overall shape of the sequence. This ensures that the prediction model can capture the key features and trends in the feature sequence, thus enhancing prediction accuracy and reliability.
Specifically, by comparing the changes in the feature sequences before and after smoothing in Figure 11, it can be clearly observed that the smoothed sequences become smoother, more continuous, and exhibit reduced fluctuation amplitudes. This indicates that the convolution smoothing algorithm, Savitzky–Golay, effectively removes noise and outlier values, improving the reliability and stability of the feature sequence.
In conclusion, applying the Savitzky–Golay convolution smoothing algorithm to smooth the feature sequences such as arc duration, arc plateau time, and arc energy helps to reduce the influence of noise and outliers, extract the main trends in the sequence, and improve the accuracy and stability of prediction models. It provides robust support for achieving more accurate prediction results.

5.4. Model Parameter Settings

In this study, the Python 3.9 version and the Keras deep learning framework were used to build the model. The Graphviz module was utilized to visualize the model architecture parameters, as shown in Figure 12.
The input data are represented as a time series with a shape of (None, 1,5), where “None” indicates the batch size, “1” represents the time step, and “5” corresponds to the number of features in each time step.
To capture complex temporal dependencies and patterns in the data, we employ multiple LSTM layers in the architecture. The first LSTM layer (LSTM_1) takes the input time series and outputs a tensor with a shape of (None, 10, 265). The choice of 10 units in the output dimension is based on the characteristics of the problem, aiming to capture essential information from the time-series data while avoiding overfitting.
To introduce regularization and prevent overfitting, we utilize Dropout layers after LSTM_1 (Dropout_1) and LSTM_2 (Dropout_2). The Dropout layer with an output shape of (None, 10, 256) acts as a regularizer by randomly setting a fraction of the input units to zero during training, promoting model generalization and reducing the risk of overfitting.
Subsequently, we employ another LSTM layer (LSTM_3) to further refine the feature representation. The output shape of LSTM_3 is set to (None, 10, 128) to strike a balance between capturing relevant temporal patterns and reducing the model complexity.
LSTM_4 is the final LSTM layer in the architecture, with an input shape of (None, 10, 128) and an output shape of (None, 32). The 32 units in the output dimension are chosen based on an empirical trade-off between complexity and representation power.
The following Dense layer takes the output of LSTM_4 and outputs a tensor with a shape of (None, 1), which represents the final prediction for the remaining electrical life of the AC circuit breaker.
Lastly, the OutputLayer is used to match the desired output shape of (None, 1), ensuring compatibility with the model’s prediction and the actual target labels.
In summary, the network parameter settings are carefully chosen to accommodate the characteristics of the problem and the experimental dataset. The inclusion of multiple LSTM layers and Dropout layers aims to capture relevant temporal patterns, prevent overfitting, and strike an appropriate balance between model complexity and performance.
Given that failures of AC circuit breakers predominantly happen toward the end of their electrical life in practical scenarios, the dataset was split into training (80%), validation (15%), and testing (5%) sets. During the model training process, we employed the mean square error (MSE) as the loss function, and the loss function curve is shown in Figure 13.
In the graph, the blue line represents the training set, and the orange line represents the validation set. During the first few iterations (less than 40), both the training and validation sets exhibit a downward trend in the loss function. With an increase in the number of iterations, the loss function gradually reaches convergence. Notably, after 40 iterations, the loss function of the validation set remains stable without any significant increase, indicating that the model successfully avoids overfitting. Therefore, it can be concluded that the model performs well during the training process and has a good training effect.

5.5. Comparison of Prediction Results

Based on the comparison results in Figure 14 and Figure 15, the superiority of the proposed method can be demonstrated. In the graph, the orange line represents the predicted remaining electrical life, and the blue line represents the actual remaining electrical life. We present the remaining electrical life as a percentage by subtracting the number of operations performed by the circuit breaker under load from the total number of electrical life cycles and then dividing the result by the total number of electrical life cycles. This percentage value indicates the remaining percentage of the electrical life for the circuit breaker. The BP, GRU (gated recurrent unit), and LSTM models were compared before and after applying SG convolutional smoothing to the feature parameter sequences. The comparison results indicate that after SG convolutional smoothing, the BP, GRU, and LSTM models provide predictions of the remaining electrical life of the AC circuit breaker that are approaching the actual values. However, the LSTM neural network model with SG convolutional smoothing demonstrates the best match with the actual remaining electrical life curve and exhibits the smallest overall fluctuations. The specific quantitative analysis results can be seen in Table 4 and Table 5.
Based on the data presented in Table 4 and Table 5, the models with convolutional smoothing show improved prediction accuracy and reduced computation time compared to the models without SG convolutional smoothing. In the comparison before and after convolutional smoothing of the feature sequences, the LSTM method with SG convolutional smoothing exhibits lower prediction errors (RMSE, MAE, maximum error, and standard deviation of prediction accuracy) compared to the BP and GRU methods, indicating higher accuracy and stability. Moreover, the highest R 2 value suggests that the LSTM method has higher interpretability in predicting the remaining electrical life. Through feature sequence convolutional smoothing, the overall prediction accuracy of the LSTM method increases from 94.5% to 97.4%, demonstrating higher accuracy compared to the SG-smoothed BP and GRU methods.
To highlight the superiority of the proposed prediction method and compare the differences between different methods more clearly, the authors of this study conducted a comparative examination of the prediction error rates of each method on the test set after feature sequence convolutional smoothing, as shown in Figure 16. The comparison results, shown in Figure 17, demonstrate that the SG-smoothed LSTM method achieves comparable error rates to the BP and GRU methods while exhibiting overall higher stability. This indicates that the SG-LSTM method is more reliable for predicting the residual lifespan. In addition, the prediction results on the test set were contrasted with samples chosen at random.
The results of the comparison clearly show that the approach used in this research produces predictions that are closest to the true values and displays the greatest level of accuracy. In summary, the SG-LSTM-based residual electrical life prediction model for AC circuit breakers not only exhibits high levels of accuracy and robustness but also satisfies the demands of practical engineering applications. As such, it has considerable potential for use in predicting the residual electrical lifespan of low-voltage electrical equipment.

6. Conclusions

Based on the findings presented in this study, our proposed algorithm demonstrates commendable accuracy, achieving an encouraging 97.4% prediction rate for the remaining electrical life of AC circuit breakers. Through a thorough case analysis, we have observed relative advantages of our method compared to widely used prediction models, such as BP and GRU.
Moreover, our research indicates that the application of this algorithm extends beyond traditional planned maintenance, potentially enabling more efficient state-based maintenance practices in power systems. Additionally, our method shows promising potential for implementation in various scenarios, facilitating predictive maintenance for electrical equipment and optimizing resource allocation.
Looking to the future, we recognize certain challenges and limitations in the practical implementation of our proposed method. Collaboration with industry experts and continuous research will be essential in addressing specific operational and environmental factors that may impact prediction accuracy. Ensuring the long-term viability of our predictive models in real-world applications relies on continuous data collection and model refinement.
In conclusion, this study provides an analytical framework for enhancing residual life prediction algorithms and investigating power supply reliability. Moving forward, we will conduct further research to explore the model’s robustness and scalability, ensuring its effectiveness across various operational environments and load conditions in real-world power systems.

Author Contributions

J.O. and C.C. contributed to the conception and design of the study. J.O. and C.C. organized the case studies. C.C. was responsible for program compilation and writing—original draft. J.O. and C.C. were responsible for laboratory work and supervision. J.O. completed the substantial revision. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

The raw data supporting the conclusion of this article will be made available by the authors, without undue reservation.

Acknowledgments

All authors are acknowledged for their contributions to the article and experiments.

Conflicts of Interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as potential conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
LSTMLong short-term memory neural network
SGSavitzky–Golay convolutional smoothing
PCAPrincipal component analysis
MICMaximum information coefficient
MSELoss function
RMSERoot mean square error
MAEMean absolute error
R 2 Coefficient of determination

References

  1. Sidhu, H.; Goel, N.; Chacko, S. Selection of optimum circuit breaker for a low-voltage industrial power distribution system. In Proceedings of the 2021 7th International Conference on Electrical Energy Systems (ICEES), Chennai, India, 11–13 February 2021; pp. 89–94. [Google Scholar]
  2. Yu, M.; Wang, D.; Luo, M. Model-based prognosis for hybrid systems with mode-dependent degradation behaviors. IEEE Trans. Ind. Electron. 2014, 61, 546–554. [Google Scholar] [CrossRef]
  3. An, D.; Kim, N.H.; Choi, J.-H. Practical options for selecting data-driven or physics-based prognostics algorithms with reviews. Reliab. Syst. Saf. 2015, 133, 223–236. Available online: https://www.sciencedirect.com/science/article/pii/S0951832014002245 (accessed on 22 May 2023). [CrossRef]
  4. Ren, L.; Meng, Z.; Wang, X.; Lu, R.; Yang, L.T. A wide-deep-sequence model-based quality prediction method in industrial process analysis. IEEE Trans. Neural Netw. Learn. Syst. 2020, 31, 3721–3731. [Google Scholar] [CrossRef] [PubMed]
  5. Fan, X.; He, J.; Zhang, X.; Haung, Z.; Liang, C.; Shi, W. The least squares method for vcb electrical endurance parameters predicting research based on breaking current weighted cumulative method. In Proceedings of the 2012 25th International Symposium on Discharges and Electrical Insulation in Vacuum (ISDEIV), Tomsk, Russia, 2–7 September 2012; pp. 509–512. [Google Scholar]
  6. Liu, Z.; Wang, L. Electrical life assessment of the low-voltage circuit breaker (lvcb) considering arc voltage. Energies 2022, 15, 3070. Available online: https://www.mdpi.com/1996-1073/15/9/3070 (accessed on 11 April 2023). [CrossRef]
  7. Huang, K.; Zhao, S. Evaluation of residual service life of high voltage circuit breaker. In Proceedings of the 2012 China International Conference on Electricity Distribution, Shanghai, China, 10–14 September 2012; pp. 1–4. [Google Scholar]
  8. Lu, C.; Wang, C.; Xie, J. Online estimation of residual electrical lifetime for PV low voltage circuit breaker based grey algorithm. In Proceedings of the 2023 IEEE 3rd International Conference on Power, Electronics and Computer Applications (ICPECA), Shenyang, China, 29–31 January 2023; pp. 1216–1220. [Google Scholar]
  9. Li, K.; Zhao, C.; Niu, F.; Zheng, S.; Duan, Y.; Huang, S.; Wu, Y. Electrical performance degradation model and residual electrical life prediction for ac contactor. IEEE Trans. Components Packag. Manuf. Technol. 2020, 10, 400–417. [Google Scholar] [CrossRef]
  10. Li, K.; Li, Z.; Duan, Y.; Zheng, S.; Liu, Z.; Gao, Z. Simulation and prediction of residual electrical life of ac contactors based on gamma process. Electr. Meas. Instrum. 2018, 55, 105–111. [Google Scholar] [CrossRef]
  11. Sun, S.; Wang, Q.; Du, T.; Wang, J.; Li, S.; Zong, J. Quantitative evaluation of electrical life of ac contactor based on initial characteristic parameters. IEEE Trans. Instrum. Meas. 2021, 70, 1–10. [Google Scholar] [CrossRef]
  12. Wang, Z.; Shang, S.; Zhai, G.; Ren, W. Research on storage degradation testing and life prediction based on arma and wavelet transform model for aerospace electromagnetic relay. In Proceedings of the 2014 IEEE 60th Holm Conference on Electrical Contacts (Holm), New Orleans, LA, USA, 12–15 October 2014; pp. 1–8. [Google Scholar]
  13. Liu, J.; Yu, Z.; Zuo, H.; Fu, R.; Feng, X. Multi-stage residual life prediction of aero-engine based on real-time clustering and combined prediction model. Reliab. Eng. Syst. Saf. 2022, 225, 108624. Available online: https://www.sciencedirect.com/science/article/pii/S0951832022002642 (accessed on 12 April 2023). [CrossRef]
  14. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  15. Jordan, M.I.; Mitchell, T.M. Machine learning: Trends, perspectives, and prospects. Science 2015, 349, 255–260. [Google Scholar] [CrossRef]
  16. Zhipeng, H.; Zhao, H. Electrical lifespan evaluation of miniature circuit breakers. Trans. China Electrotech. Soc. 2022, 37, 1031–1040. [Google Scholar]
  17. Sun, S.; Wen, Z.; Du, T.; Wang, J.; Tang, Y.; Gao, H. Remaining life prediction of conventional low-voltage circuit breaker contact system based on effective vibration signal segment detection and mccae-lstm. IEEE Sens. J. 2021, 21, 21862–21871. [Google Scholar] [CrossRef]
  18. Su, J. Research on electrical life trace prediction of contact based on sg-bp algorithm. J. Phys. Conf. Ser. 2021, 1952, 032035. [Google Scholar] [CrossRef]
  19. Fu, H.; Liu, Y. A deep learning-based approach for electrical equipment remaining useful life prediction. Auton. Intell. Syst. 2022, 2, 16. [Google Scholar] [CrossRef]
  20. Sun, S.; Liu, J.; Wang, J.; Chen, F.; Wei, S.; Gao, H. Remaining useful life prediction for ac contactor based on mmpe and lstm with dual attention mechanism. IEEE Trans. Instrum. Meas. 2022, 71, 1–13. [Google Scholar] [CrossRef]
  21. Ringnér, M. What is principal component analysis? Nat. Biotechnol. 2008, 26, 303–304. [Google Scholar] [CrossRef]
  22. Reshef, D.N.; Reshef, Y.A.; Finucane, H.K.; Grossman, S.R.; McVean, G.; Turnbaugh, P.J.; Lander, E.S.; Mitzenmacher, M.; Sabeti, P.C. Detecting novel associations in large data sets. Science 2011, 334, 1518–1524. [Google Scholar] [CrossRef] [Green Version]
  23. Schafer, R.W. What is a savitzky-golay filter? [lecture notes]. IEEE Signal Process. Mag. 2011, 28, 111–117. [Google Scholar] [CrossRef]
  24. Yu, Y.; Si, X.; Hu, C.; Zhang, J. A Review of Recurrent Neural Networks: LSTM Cells and Network Architectures. Neural Comput. 2019, 31, 1235–1270. [Google Scholar] [CrossRef]
  25. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  26. GB/T 14048.2-2020; General Administration of Quality Supervision. Low-Voltage Switchgear and Controlgear—Part 2: Circuit-Breakers. Inspection and Quarantine of the People’s Republic of China. Standards Press of China: Beijing, China, 2020.
  27. Smugala, D.; Bonk, M. Study of arc parameters of ac relays operating under distorted supply voltage conditions. Energies 2020, 13, 4785. [Google Scholar] [CrossRef]
  28. Uddin, M.P.; Mamun, M.A.; Hossain, M.A. Pca-based feature reduction for hyperspectral remote sensing image classification. IETE Tech. Rev. 2021, 38, 377–396. [Google Scholar] [CrossRef]
Figure 1. Internal structure diagram of LSTM.
Figure 1. Internal structure diagram of LSTM.
Sensors 23 06860 g001
Figure 2. Circular structure of LSTM.
Figure 2. Circular structure of LSTM.
Sensors 23 06860 g002
Figure 3. Schematic diagram of the model structure.
Figure 3. Schematic diagram of the model structure.
Sensors 23 06860 g003
Figure 4. Structure diagram of AC circuit breaker.
Figure 4. Structure diagram of AC circuit breaker.
Sensors 23 06860 g004
Figure 5. The normal breaking and closing waveform.
Figure 5. The normal breaking and closing waveform.
Sensors 23 06860 g005
Figure 6. Flow chart of case analysis.
Figure 6. Flow chart of case analysis.
Sensors 23 06860 g006
Figure 7. Comparison of dynamic and static silver point tests before and after. (A) Static silver point tests before and after. (B) After the test.
Figure 7. Comparison of dynamic and static silver point tests before and after. (A) Static silver point tests before and after. (B) After the test.
Sensors 23 06860 g007
Figure 8. Characteristic trend chart.
Figure 8. Characteristic trend chart.
Sensors 23 06860 g008
Figure 9. Comparison of PCA feature importance analysis.
Figure 9. Comparison of PCA feature importance analysis.
Sensors 23 06860 g009
Figure 10. Heatmap of correlation coefficients.
Figure 10. Heatmap of correlation coefficients.
Sensors 23 06860 g010
Figure 11. Comparison of feature sequence before and after smoothing: (A) Comparison of arcing time series before and after smoothing. (B) Comparison of arc platform time series before and after smoothing. (C) Comparison of arc energy time series before and after smoothing.
Figure 11. Comparison of feature sequence before and after smoothing: (A) Comparison of arcing time series before and after smoothing. (B) Comparison of arc platform time series before and after smoothing. (C) Comparison of arc energy time series before and after smoothing.
Sensors 23 06860 g011
Figure 12. Structural parameters of the model.
Figure 12. Structural parameters of the model.
Sensors 23 06860 g012
Figure 13. The loss function curves.
Figure 13. The loss function curves.
Sensors 23 06860 g013
Figure 14. Comparison of prediction results before SG smoothing: (A) BP. (B) GRU. (C) LSTM.
Figure 14. Comparison of prediction results before SG smoothing: (A) BP. (B) GRU. (C) LSTM.
Sensors 23 06860 g014
Figure 15. Comparison of prediction results after SG smoothing: (A) BP. (B) GRU. (C) LSTM.
Figure 15. Comparison of prediction results after SG smoothing: (A) BP. (B) GRU. (C) LSTM.
Sensors 23 06860 g015
Figure 16. Comparison of model errors: (A) BP. (B) GRU. (C) LSTM.
Figure 16. Comparison of model errors: (A) BP. (B) GRU. (C) LSTM.
Sensors 23 06860 g016
Figure 17. Sampling comparison diagram of prediction results.
Figure 17. Sampling comparison diagram of prediction results.
Sensors 23 06860 g017
Table 1. Test parameters of GB14048.2.
Table 1. Test parameters of GB14048.2.
Test ConditionsGB14048.2
Load voltage(1 + 5%)AC415V
Load current800 A
Power factor0.8
Operation frequency20 times/h
Test frequency50 Hz
Table 2. Status of Contacts.
Table 2. Status of Contacts.
TimeStatus
t a The rotation of the mechanism drives the movement of the movable contact.
t b The first closure of the movable and stationary contacts generates an electric current.
t c The contacts remain stably closed, and the contact voltage stabilizes.
t d The mechanism rotates in the opposite direction, causing the contacts to separate, resulting in an arc between the contacts.
t e After the contacts separate, the arc continues to discharge between the contacts.
t f The arc extinguishes when the current crosses.
Table 3. Definition of feature parameters.
Table 3. Definition of feature parameters.
Serial NumberFeature NameComputational Formulas
1Maximum closing voltage U max U max = 2 π 2 U N
2Closing bounce time t bounce t bounce = t c t b
3Arc platform time t arc _ platform t arc _ platform = t d t e
4Arc time t arc t arc = t f t d
5Arc energy E E = j = d f u j · i j · Δ t
6Average arcing power P P = j = d f u j · i j N
7Arc platform time proportion r arc r arc = t arc _ platform t arc
8Accumulated proportion of high-energy arcing in the window r w r w = d d N w N h N w
9Accumulated proportion of high-energy arcing r h r h = d f N h N
Table 4. Model evaluation indicators before SG smoothing.
Table 4. Model evaluation indicators before SG smoothing.
Prediction ModelsBPGRULSTM
RMSE0.0670.2010.068
MAE0.0540.1690.057
R 2 0.9460.5000.945
Max error0.1870.3630.162
Effective precision0.9460.5000.945
Standard deviation of prediction accuracy0.0640.1310.067
Calculation time55.6 s47.3 s42.5 s
Table 5. Model evaluation indicators before SG smoothing.
Table 5. Model evaluation indicators before SG smoothing.
Prediction ModelsBPGRULSTM
RMSE0.0610.0660.046
MAE0.0460.0560.033
R 2 0.9550.9470.974
Max error0.2170.1270.116
Effective precision0.9550.9470.974
Standard deviation of prediction accuracy0.0600.0540.045
Calculation time52.3 s45.9 s40.3 s
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

Ouyang, J.; Chi, C. The Prediction of Residual Electrical Life in Alternating Current Circuit Breakers Based on Savitzky-Golay-Long Short-Term. Sensors 2023, 23, 6860. https://doi.org/10.3390/s23156860

AMA Style

Ouyang J, Chi C. The Prediction of Residual Electrical Life in Alternating Current Circuit Breakers Based on Savitzky-Golay-Long Short-Term. Sensors. 2023; 23(15):6860. https://doi.org/10.3390/s23156860

Chicago/Turabian Style

Ouyang, Junfeng, and Changchun Chi. 2023. "The Prediction of Residual Electrical Life in Alternating Current Circuit Breakers Based on Savitzky-Golay-Long Short-Term" Sensors 23, no. 15: 6860. https://doi.org/10.3390/s23156860

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