Abstract
When a series arc fault occurs in an indoor power distribution system, the temperature of arc combustion can be as high as thousands of degrees, which can lead to an electrical fire. Deep learning has developed rapidly in recent years and is widely used in fault diagnosis. The problem is that the sourced data is challenging to obtain, and few public data sources affect the application of deep learning models in arc fault diagnosis. In order to solve this problem, an arc fault detection method based on continuous wavelet transform and deep residual shrinkage network with the channel-wise threshold (DRSN-CW) is proposed. First, the grayscale images of source data features are obtained by continuous wavelet transform. Then, the feature images are data enhanced to construct the dataset. Finally, the DRSN-CW model is constructed and used to detect arc fault. The results show that the highest accuracy of arc fault detection is 98.92%, and the average accuracy is 97.72%. This method has excellent performance, which provides a new idea for arc fault detection.
Similar content being viewed by others
Introduction
Electrical fire generally refers to spontaneous combustion or combustion of other combustibles caused by high temperature and arc caused by faults of electrical circuits and equipment. If the insulation layer of electrical wires or appliances is aged or damaged and the insulation ability will decline, or the voltage reaches a specific value, an arc fault may occur. Moreover, when a series arc fault occurs, the current value is often less than the threshold of the circuit breaker. According to the analysis of relevant data, the series arc fault of the power distribution system has become one of the leading causes of electrical fires1. Therefore, detection of the arc fault is important to ensure electrical safety. At present, the methods of arc fault detection are divided mainly into three categories. First, sensor technology is used to detect arc light, arc sound, temperature, electromagnetic radiation, and other arc indicators to judge the occurrence of an arc fault. This method has high requirements for the environment and installation position and has limitations in practical use. It is generally used to detect arc fault in specific switchgear2,3,4,5. The second is the simulation research of the arc mathematical model, which mainly includes the Cassie, Mayr, Schavemaker, and Habedank models6,7,8,9. It uses computer simulation technology instead of complex arc experiments. However, due to the limitations of the parameters and the application conditions, the mathematical model cannot simulate arc faults completely and accurately10. The third is based on the analysis of the current signal, which is the leading research direction on arc fault at present. The analysis focuses mainly on the time–frequency features of the current signal11,12,13.
In recent years, with the rise of artificial intelligence, intelligent detection algorithms have been widely used in the field of fault diagnosis. It provides new ideas for the detection of series arc faults. In particular, deep learning detection algorithms such as CNN14,15,16,17, AlexNet18,19, and ResNet20 have been combined with arc fault features to achieve excellent results in the field of arc fault detection. It has become an important research direction for the current arc fault detection. However, the above methods ignore the fact that in the actual electrical environment, the collected arc fault sample data is limited and the noise data has a huge impact on the detection results. It cannot meet the requirements of the detection algorithm with deep learning. Therefore, in this paper, a detection method of series arc fault based on continuous wavelet transform and DRSN-CW is proposed. It can achieve the detection of arc faults with limited data samples and avoid the influence of noisy data on the detection results.
Toward this method, the main contributions of this paper are as follows:
-
(1)
A feature extraction method based on the continuous wavelet transform is proposed, which solves the problem that the features of the current signal are difficult to obtain.
-
(2)
A dataset enhancement method based on adding noise, rotation and mirroring is proposed for the problem of few fault arc data.
-
(3)
In this paper, an arc fault detection method based on DRSN-CW is proposed. Through the model-specific automatic soft thresholding, noise and redundant data are removed to avoid overfitting and accuracy degradation caused by noisy data.
-
(4)
Other detection models are explored and compared with the proposed DRSN-CW model. The superiority of the proposed method is demonstrated.
Methods
Data collection
According to the UL1699 international standard, a series arc fault experimental platform is constructed. Four typical appliances are selected as sampling loads, namely hair dryer, electromagnetic oven, electric hand drill, and incandescent lamp. The data of normal and arc faults are collected from different loads. The series arc fault experiment platform is mainly composed of arc fault generation device, experimental load, 220 V/50 Hz AC, sampling resistor, and an oscilloscope, as shown in Fig. 1. The sampling frequency is 25 kHz, which is set according to Nyquist's sampling theorem. The arc fault generation device is designed according to UL1699. It mainly consists of a fixed carbon rod electrode, moving metal electrode, and stepper motor. According to the standard, the fixed graphite electrode adopts a 6.4 mm diameter carbon rod, and the mobile metal electrode adopts a 10 mm diameter copper rod with sharpened contacts. These electrodes are controlled by a stepper motor with a speed of 0.2 mm/s, and move slowly until an arc fault occurs. The waveforms of the collected current signal from the four typical loads in normal and arc fault states are shown in Fig. 2.
Feature extraction
In low-voltage distribution systems, series arc fault currents contain many non-smooth and random components, such as offsets, abrupt changes, and trends. Compared with the Fourier transform, the wavelet transform inherits and develops the idea of short-time Fourier localization and overcomes the shortcomings of the traditional Fourier transform. It can adapt to the requirements of time–frequency signal analysis, focus on arbitrary details of the signal, and facilitate the processing of abruptly changing signals such as arc faults.
Set \(\psi (t) \in L^{2} (R)\), \(L^{2} (R)\) denote the square-producible space of real numbers, the Fourier transform \(\psi^{{\prime}} (\omega )\) satisfies the constraint that:
\(\psi (t)\) is called base wavelet or wavelet generating function. Stretch and translate \(\psi (t)\) to obtain the following function:
where \(\psi_{a,b} (t)\) is the continuous wavelet basis function, a is the scale parameter, b is the translational parameter, and \(a,\;b \in R\;(a \ne 0)\). For any function \(f(t) \in L^{2} (R)\), the \(\psi (t)\) is a wavelet basis function with the following continuous wavelet transform.
where, \(f(t)\) is about the family of functions \(\psi_{a,b} (t)\), where \(\overline{{\psi \left( {\text{t}} \right)}}\) is the conjugate function of \(\psi_{a,b} (t)\). The inverse of the wavelet transform is given by
The selection of a wavelet function is a difficult point in wavelet analysis. In this paper, the wavelet functions are selected from four perspectives: branch length, vanishing distance order, regularity, and symmetry of wavelets. Finally, Daubechies wavelet is selected, and after comparing the actual filtering effect of Daubechies wavelet with different N values, it is decided to use db5 wavelet to decompose the current signal. The wavelet decomposition coefficients are obtained and presented in the form of images. The modal maxima of the wavelet coefficients reflect the sudden change point characteristics of the signal and can be used to detect arc faults. A continuous wavelet transform is performed on the original current signal with a scale of a = [1:1:64]. The wavelet transform time–frequency map is obtained. To reduce the computation of the detection model, the image features are grayed using the weighted average method. The computational principle can be expressed as follows.
where \(w_{R}\), \(w_{G}\) and \(w_{B}\) are the weights of R, G, and B, respectively, and different values are taken to form different grayscale images. Since the human eye is most sensitive to green, followed by red, and least sensitive to blue, making \(w_{G} > w_{R} > w_{B}\) will obtain a grayscale image with easier recognition. The best grayscale image is obtained when \(w_{R} = 0.299\), \(w_{G} = 0.587\), \(w_{B} = 0.114\).
To eliminate the effect of affine transformation and accelerate the gradient descent, the original image is normalized. Finally, the processed image features are shown in Fig. 3. The calculation principle is as follows.
Data enhancement
In the low-voltage distribution system, the occurrence of series arc faults is random and the actual arc fault data is difficult to record. Although the arc fault simulation can be realized through the experiment, the experimental process is complex and with a certain degree of danger. In addition, it is necessary to conduct experiments on the same type of loads of different sizes of common household appliances. The loads are extremely easy to be damaged during the experiments, which requires a lot of time and money investment. Therefore, the amount of data collected through experiments is generally challenging to meet the requirements of deep learning, which seriously affects the application of deep learning models in detection tasks.
Based on the imaging characteristics of the wavelet transform coefficient, four technical means are selected to augment the dataset.
-
(1)
Rotation: The image is rotated 90° clockwise with the center of the image as the original, then the dataset has been expanded by four times.
-
(2)
Mirroring: After the rotation operation, the image set is processed by the vertical mirror and horizontal mirror, and the dataset is expanded by two times.
-
(3)
Noise: The random addition of Gaussian noise with zero mean characteristics to some pictures can effectively distort the high-frequency features, weaken its impact on the model and improve the learning ability of the neural networks.
-
(4)
Displacement: The maximum amplitude of random translation is 0.2. The filling method adopts edge filling.
DRSN-CW model
A typical convolutional neural network (CNN) generally consists of an input layer, an output layer, and multiple hidden layers. The hidden layers can be divided into convolutional, activation, pooling, and fully connected layers. The input layer is used to control the size and type of the input data. The convolutional layer is the core of the CNN, which is used to extract features. The output of the convolutional layer for an l-th layer can be expressed as follows.
where, \(x_{j}^{l}\) is the j-th feature map of the l-th layer, j is the number of convolution kernels, k is the convolution kernel, * is the convolution operator, M is the number of channels of the input feature maps, \(x_{ij}^{l - 1}\) is the input feature map of the l-th layer, \(b_{j}^{i}\) is the corresponding bias vector, and f is the activation function used.
The activation layer is commonly used after the convolutional layer to perform a non-linear mapping of the features that are extracted from the convolutional layer. The commonly used activation function is ReLU, which can be expressed as follows.
The pooling layer is mainly used to reduce the dimensionality of the feature map and extract the main features to avoid overfitting. The most popular pooling operations are MaxPooling and AveragePooling.
-
(1)
MaxPooling
$$P_{i}^{{l{ + }1}} (t) = \max_{(j - 1)W + 1 \le t \le jW} \left\{ {f_{i}^{l} (t)} \right\}$$(9) -
(2)
AveragePooling
$$P_{i}^{{l{ + }1}} (t) = \frac{1}{W}\sum\nolimits_{(j - 1)W + 1}^{jW} {\begin{array}{*{20}c} {f_{i}^{l} (t)} \\ \end{array} }$$(10)
where, \(P_{i}^{l + 1} (t)\) denotes the output value of the t-th neuron in the i-th feature map of layer l + 1, W is the area of pooling, and \(f_{i}^{l} (t)\) denotes the output value of the t-th neuron in the i-th feature map of layer l.
The fully connected layer is used mainly to refit the features and reduce the loss of feature information. The expression of the function can be expressed as follows.
where, w denotes the weight and b denotes the bias. The fully connected layer and the Softmax function, can form the output layer. For an array X with n elements, the Softmax value of the i-th element of the array can be expressed as follows.
The accuracy of the deep learning model is generally improved as the number of network layers increases. However, the training accuracy and testing accuracy drop rapidly after the network layers increase to a certain number. It shows that the problem of gradient disappearance and explosion becomes apparent, and the network even degenerates with the increase of network depth. Therefore, the residual network structure is introduced to achieve high accuracy through cross-layer connection and increasing network depth.
Deep residual shrinkage network (DRSN) is a variant of deep residual network21. It achieves automatic soft thresholding inside the model by embedding sub-networks in the residual module. It can adaptively remove noise and redundant information in the feature learning to improve the feature learning effect. According to whether the thresholds are shared between channels, there are Residual Shrinkage Building Unit with Channel-Wise thresholds (RSBU-CW) and Residual Shrinkage Building Unit with Channel-Shared thresholds (RSBU-CS). Compared to RSBU-CS, which has only one set of thresholds, RSBU-CW is more accurate and flexible. Therefore, the DRSN-CW model is constructed by RSBU-CW in this paper. The network structure of the residual module and the residual shrinkage module is shown in Fig. 4.
Where, C denotes the number of channels of the feature mapping, W denotes the width of the feature mapping, and 1 denotes the depth of the feature mapping. K is the number of convolutional kernels in each convolutional layer, and M is the number of neurons in the fully connected layer. Batch Normalization (BN) is used to normalize the data distribution to avoid parameters falling into the saturation zone. The activation function is the ReLU function. The sub-network is a small fully connected network. The convolved feature mapping values are performed GlobalAverage Pooling (GAP) and their absolute value z is taken as the input to the sub-network. The Sigmoid function is used as the output activation function and the output value is scaled to between (0, 1). Finally, the input value z of the sub-network is multiplied with the output value a to obtain the value as the threshold value, which is input into the soft threshold function for eliminating noise and redundant information. The expression of the process is as follows.
where, X is the output feature map of the second convolutional layer. \(z_{c}\) is the feature of the c-th layer neuron, and \(a_{{\text{c}}}\) is the scaling parameter of the c-th layer. \(\tau_{{\text{c}}}\) is the threshold value of the c-th channel of the feature map. The expression of the soft thresholding function is given as
where, x denotes the feature input feature and y denotes the output feature. \(\tau\) denotes the threshold value, which is a positive parameter. The derivatives are as follows.
As above, the soft thresholding function can set the features to 0 for any interval and retain the effective negative features for better feature mapping.
Results
Series arc fault data set
In this paper, four typical loads were used for series arc simulation experiments. For each load, 34 sets of experiments were performed under fault and normal operating conditions and 68 sets of experimental data were obtained. In total, 272 sets of experimental data were obtained for all loads. For the 272 sets of experimental data, 272 wavelet coefficient diagrams were obtained by wavelet continuous transformation. After grayscale and data enhancement, the 272 wavelet coefficient maps were expanded to 4080, which are 510 for each operating condition of each load. The feature data after data processing were given labels to construct the dataset. The composition of the dataset is shown in Table 1.
Detection model
Because the source data samples are small, some noise and redundant data are generated while data enhancement is performed on the dataset. How to remove the noise and redundant data becomes an important issue to improve the model performance. The degree residual shrinkage network can adaptively determine soft thresholds to eliminate noise, thus solving the above issue.
This paper improves the DRSN-CW model to make the depth structure more suitable for learning the features. After repeated parameter adjustment and experiments, the improved DRSN-CW model structure mainly consists of an input layer, a convolutional layer, a residual shrinkage layer, a maximum pooling layer, a global average pooling layer, a fully connected layer and an output layer. The specific structure is shown in Table 2. The regularization is added to the convolution layers and total connection layers with the parameter L2 = le−4. Dropout is added after the two fully connected layers, which is taken as 0.5. Adam is chosen as the optimizer. It can dynamically adjust the learning rate of each parameter by using the first-order and second-order moment estimation of the gradient. After bias correction, the learning rate for each iteration has a specific range to make the parameters more stable. The softmax function obtains the fault detection result.
Analysis of results
The processed data samples are divided into training sets and validation set in the ratio of 7:3. Each Batch contains 48 samples, and the callback function is used to control the training model. The monitor point is the accuracy of the validation and the duration step is 10. After 74 epochs, the accuracy of the training set reaches over 99% and tends to be stable. The training loss drops from 2.13 to 0.13 and tends to be 0. The accuracy of the validation set shows a slight oscillation. It reaches a maximum of 98.92% in the 64th epoch, and the loss drops from 4.10 to less than 0.4. The detection results are shown in Fig. 5. During the detection process, there was no overfitting, so the detection results were good.
Results visualization
A confusion matrix is a visualization tool in artificial intelligence, especially for supervised learning, to compare classification results with actual measured values. The confusion matrix shows which part of the model will be confused when making predictions, and this decomposition of the results overcomes the limitations of using classification accuracy alone. DRSN-CW model detection result is visualized in the confusion matrix shown in Fig. 6.
The average accuracy is 97.72%, as shown in Table 3. The accuracy of hairdryer load in the normal state is the highest and reaches 100%. The accuracy of incandescent lamp load in normal state and the electric hand drill load in arc fault state is low, respectively 95.42% and 95.69%.
Discussion
To further verify the superiority of the constructed models, in this paper, five typical deep learning detection algorithms are explored under the same dataset and experimental conditions. The CNN is a feed-forward neural network with excellent performance in processing large images. AlexNet deepens the structure of the network based on CNN, which is able to learn richer and higher-dimensional image features. VGGNet inherits the idea of AlexNet. Based on AlexNet, a network is built with more layers and deeper depth is built. VGGNet mainly explores the relationship between the depth and performance of convolutional neural networks. It has good performance on different image datasets. The Inception-V3 is the third version of the Inception series of models. Inception increases the complexity of the network by increasing the network width. It can reduce the number of parameters and extract high-dimensional features while ensuring the quality of the model, and it has achieved excellent results in image classification problems. ResNet provides a residual network structure design to avoid the problem of gradient disappearance and explosion as the network depth increases. ResNet has a higher accuracy in image classification problems. DRSN, as a variant of ResNet, was first used for the detection of the fault vibration signals. Due to the introduction of soft thresholding based on the residual module, it has better results in classifying feature samples containing noisy data.
The detection models based on CNN, AlexNet, VGG-16, Inception-V3, and ResNet are constructed, respectively, and compared with the proposed DRSN- CW model. The detection accuracy of the arc fault for each model is shown in Table 4. The CNN, AlexNet, VGG-16, Inception-V3, and ResNet models produce drastic oscillations and local overfitting during training. In contrast, the proposed DRSN-CW model forces the noisy feature to 0 by a soft threshold and presents a more stable accuracy on the test set. Compared with other deep learning models, the DRSN-CW model has the highest accuracy for series arc fault detection.
Conclusion
This paper proposes a series arc fault detection method based on continuous wavelet transform and deep residual shrinkage network with the channel-wise threshold (DRSN-CW). Furthermore, we get the following conclusions.
-
(1)
The continuous wavelet transform is used to extract the features of the current signal. The db5 wavelet is selected to decompose the current signal and obtain the wavelet coefficients after comparing the filtering effect of each wavelet function. The modal maxima of wavelet coefficients reflect the feature of sudden change points of the signal.
-
(2)
A data set enhancement method based on adding noise, rotation and mirror-image can solve the problem of fewer data.
-
(3)
The model based on DRSN-CW is constructed, which uses soft thresholds to remove noise and redundant data to improve the accuracy of detection results.
-
(4)
The detection models based on CNN, AlexNet, VGG-16, Inception-V3, and ResNet are constructed, respectively, and compared with the proposed DRSN- CW model. The DRSN-CW model has the highest accuracy for series arc fault detection with limited source data samples, which provides a new idea for arc fault detection.
Data availability
The datasets used during the current study are available from the corresponding author on request.
References
Chu, R. B., Zhang, R. C., Yang, K. & Xiao, J. C. A Series arc fault detection method based on multi-layer convolutional neural network. Power Syst. Technol. 44(12), 4792–4798 (2020).
Hussain, G. A. et al. Preemptive arc fault detection techniques in switchgear—Part III: From the laboratory to practical installation. IEEE Trans. Ind. Appl. 51(3), 2615–2623 (2014).
Hussain, G. A. et al. Online condition monitoring of MV switchgear using D-dot sensor to predict arc-faults. IEEE Sens. J. 15(12), 7262–7272 (2015).
Yang, Y. et al. Fault diagnosis in gas insulated switchgear based on genetic algorithm and density-based spatial clustering of applications with noise. IEEE Sens. J. 21(2), 965–973 (2019).
Dingyin, H. U. et al. Research and analysis of two-phase arc fault test in 12 kV switchgear. Low Voltage Appar. 594(9), 72 (2020).
Qu, N. et al. Series arc fault detection of indoor power distribution system based on LVQ-NN and PSO-SVM. IEEE Access 7, 184020–184028 (2019).
Wei, M. et al. Distortion-controllable Arc modeling for high impedance Arc fault in the distribution network. IEEE Trans. Power Deliv. 36(1), 52–63 (2020).
Qu, N. et al. A series arc fault detection method based on Cassie model and L3/4 norm. Dianwang Jishu. Power Syst. Technol. 42, 3992–3997 (2018).
Jalil, M., Samet, H., Ghanbari, T. et al. An enhanced Cassie–Mayr based approach for DC series arc modeling in PV systems. IEEE Trans. Instrum. Meas. (2021).
Wang, Q. L. et al. Model and experiment of low voltage AC series fault arc. Proc. CSU-EPSA 30, 26–35 (2018).
Bao, G., Jiang, R. & Liu, D. Research on series arc fault detection based on higher-order cumulants. IEEE Access 7, 4586–4597 (2018).
Han, C. et al. Recognition method of AC series arc fault characteristics under complicated harmonic conditions. IEEE Trans. Instrum. Meas. 70, 1–9 (2021).
Gao, H. et al. Research on series arc fault detection and phase selection feature extraction method. IEEE Trans. Instrum. Meas. 70, 1–8 (2021).
Yang, K. et al. A novel methodology for series arc fault detection by temporal domain visualization and convolutional neural network. Sensors 20(1), 162 (2020).
Zhang, T. et al. Series AC arc fault diagnosis based on data enhancement and adaptive asymmetric convolutional neural network. IEEE Sens. J. 21(18), 20665–20673 (2021).
Chu, R., Schweitzer, P. & Zhang, R. Series AC arc fault detection method based on high-frequency coupling sensor and convolution neural network. Sensors. 20(17), 4910 (2020).
Zhang, T., Wang, H. Q., Zhang, W. C., Tu, R. & Yang, K. An arc fault detection method based on the self-normalized convolutional neural network. Chin. J. Sci. Instrum. 42(03), 141–149 (2021).
Zhu, C. et al. A series-type arc fault detection method based on improved AlexNet model. J. Jinan Univ. 35(06), 605–613 (2021).
Sun, S. et al. Fault diagnosis of conventional circuit breaker contact system based on time-frequency analysis and improved AlexNet. IEEE Trans. Instrum. Meas. 70, 1–12 (2021).
Zhang, S. et al. Series arc fault detection based on wavelet compression reconstruction data enhancement and deep residual network. IEEE Trans. Instrum. Meas. 71, 1–9 (2022).
Zhao, M. et al. Deep residual shrinkage networks for fault diagnosis. IEEE Trans. Ind. Inform. 16(7), 4681–4690 (2019).
Karaduman, G. & Akin, E. A deep learning based method for detecting of wear on the current collector Strips’ surfaces of the pantograph in railways. IEEE Access 8, 183799–183812 (2020).
Li, K. et al. Using deep learning for image-based different degrees of ginkgo leaf disease classification. Information 11(2), 95 (2020).
Acknowledgements
This work was supported by the National Natural Science Foundation of China (Grant No. 61901283).
Author information
Authors and Affiliations
Contributions
C.H. designed a solution, completed code programming, analyzed data and wrote manuscripts. N.Q. and S.Z. conducted experiments and analysed the results. All authors reviewed the manuscript.
Corresponding author
Ethics declarations
Competing interests
The authors declare no competing interests.
Additional information
Publisher's note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Rights and permissions
Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.
About this article
Cite this article
Hu, C., Qu, N. & Zhang, S. Series arc fault detection based on continuous wavelet transform and DRSN-CW with limited source data. Sci Rep 12, 12809 (2022). https://doi.org/10.1038/s41598-022-17235-7
Received:
Accepted:
Published:
Version of record:
DOI: https://doi.org/10.1038/s41598-022-17235-7
This article is cited by
-
Improving radiologists’ diagnostic accuracy for lymphovascular invasion in colorectal cancer: insights from a multicenter CT-based study
Abdominal Radiology (2025)
-
A Study on Arc Detection Technique Based on Low Frequency and High Frequency Signal Analysis Method
Journal of Electrical Engineering & Technology (2025)
-
Current spectral norm and phase variation based fault region identification for active distribution network
Scientific Reports (2024)
-
Wavelet-based arcing signal source localization algorithm using a compact multi-square microstrip antenna
Scientific Reports (2024)
-
Series arc fault detection based on multi-domain depth feature association
Journal of Power Electronics (2024)








