1. Introduction
Efficient fault diagnosis is crucial to prevent costly outages of electrical network systems. Nowadays, with the increasing presence of
smart grid technologies,
Smart Diagnosis implementation using more automated techniques must also be considered. Partial Discharges (PD) measurements and analysis is widely used as a diagnostic indicator of insulation deterioration in electrical equipment such as, transformers, rotating machines, medium voltage cables, gas insulated switchgear (GIS) [
1,
2]. PD can be defined as a localized dielectric breakdown of a small portion of a solid or liquid electrical insulation system under high voltage stress and can lead to total insulation failure.
Over the years, in order to automate classification of PD fault sources, several algorithms have been developed. The most efficient were those with Machine Learning (ML), but this was only a semi-automated classification because the input data has to be previously given by the user, who must have knowledge about which features are important for the algorithm, and as such includes a lot of bias. Raymond et al. [
3] presented a review including different techniques for feature extraction and the PD classification methods used by different authors. Furthermore, Mas’ud et al. [
4] investigated the application of conventional Artificial Neural Networks (ANN) for PD classification through a literature survey. Nowadays, with the developments in computation and data storage, interest is focused on automated features extraction and classification by Deep Learning (DL) algorithms with Deep Neural Networks (DNN), where the expert is not so necessary. Therefore, this paper examines the recent advances made on the application of DNN techniques for PD source recognition.
Deep Learning is a subfield of Machine Learning, which is also a subset of the Artificial Intelligence field, as shown in
Figure 1. ML uses algorithms to parse data, learn from that data, and make informed decisions based on what they have learned, but usually they need some manual feature engineering, as illustrated at the top-right of
Figure 1. On the other hand, the DL algorithms are based on ANNs built by many layers and nodes that can learn and make intelligent decisions or predictions on their own, including automatic feature extraction. This concept is described at the bottom-right of
Figure 1.
The structure of this paper is as follows: different DNN structures are briefly described in
Section 3, and their application with PD data is explained in
Section 4. Issues and future directions in this line of research are finally discussed in
Section 5.
2. Partial Discharge Background
According to the IEC-60270 [
5] a PD is “a localized electrical discharge that only partially bridges the insulation between conductors and which can or cannot occur adjacent to a conductor.” The detection of this discharge gives an indication of the state of insulation of equipment, the proper identification of which can help to find the real source of this defect. When the PD phenomenon occurs, it results in an extremely fast transient current pulse with a rise time and pulse width that depends on the discharge type or defect type. Several electrical and electromagnetic methods are used to measure this electromagnetic wave at very high frequencies. According to IEC TS 62478 [
6] the ranges are usually HF from 3 to 30 MHz, VHF from 30 to 300 MHz and UHF between 300 MHz and 3 GHz.
The PD is measured by sensors based on capacitive, inductive and electromagnetic detection principles or near-field antennas. The output signals from the sensor are damped oscillating pulses of high frequency and can be represented in the time-domain as an individual PD pulse waveform as shown in
Figure 2a. The phase-resolved PD (PRPD) pattern is widely used to characterize this phenomenon and represents the apparent charge (Q) versus the corresponding phase angle at which the PD occurs (φ) in the AC network voltage, and their rates of occurrence (n) within a specified time interval Δt. An example of PRPD is shown in
Figure 2b.
A strong correlation exists between these PD representations and the nature of PD sources (defects); thereby a recognition (or classification) could be made extracting discriminatory features from these representations. From the PRPD pattern, statistical parameters can calculated (skewness, kurtosis, mean, variance and cross correlation) [
7]. There are also some image processing tools: texture analysis algorithms, fractal features, wavelet-based image decomposition, which can be applied to extract informative features from the PRPD image. Alternatively, with signal processing tools such as Fourier series analysis, Haar and Walsh transforms or wavelet transform, the features can be obtained from the time-domain representation [
8]. However, all these techniques provide semi-automatic feature extraction and a lot of effort and expertise is required. Therefore, the implementation of DNN techniques that implies automated features extraction and classification is preferred and is discussed in next sections.
3. Deep Neural Network (DNN)
The use of the
“deep” term started in 2006, after G. Hinton et al. published a paper [
9] showing how to train a DNN. Any ANN with more than two hidden layers may be considered as deep.
For a better understanding of the use of these techniques for PD classification, some DNN models will be presented in this section.
3.1. Recurrent Neural Network (RNN)
This model includes feedback connections intended to analyze and predict time series data. A representation of a simple Recurrent Neural Network (RNN) architecture is shown to the left of
Figure 3, with one hidden layer receiving inputs, producing an output, and sending that output back to itself. If the RNN representation is expanded in a temporal frame as shown on the right of
Figure 3, at each time step
this recurrent layer receives the inputs
as well as its own outputs from the previous time step,
In an RNN structure, the neuron has two sets of weights assigned:
for the inputs
and
for the outputs of the previous time step:
. The mathematical formulation of this neuron process can be written as Equation (1).
The main characteristic of RNN is that recurrent neurons have a short-term memory of the previous state. Moreover, the DNN structures may suffer from the vanishing gradients problem, that is, when updates from
Gradient Descent leave the layer connection weights virtually unchanged for initial inputs when time series are very long, and training does not converge to a suitable solution. As an alternative to this problem, a neural network layer that preserves some state across time steps, called a
memory cell can be used. Various types of
memory cells with long-term memory have been introduced and the most popular is the Long Short-Term Memory model (LSTM) [
10].
3.2. Autoencoders (AEs)
These kinds of models are considered as unsupervised learning models (or self-supervised), being able to generate efficient representation of the input data (feature extraction). The aim of autoencoders (AEs) is to output a replication of its inputs, therefore, the outputs are often called reconstruction, and its cost function contains a
recognition loss that penalizes the model when the reconstructions are different from the inputs. In this architecture, the numbers of neurons in the output layer must be equal to the number of inputs. The encoding part converts the inputs to an internal representation and the decoding part converts this internal representation to the outputs, as is shown in
Figure 4.
AEs are useful for data dimensionality reduction when the hidden layer has fewer nodes than the inputs, and act as a powerful feature extractor [
11]. Therefore, to extract more features, more nodes have to be added into the hidden layer, but this could be a problem when training the AE if the number of hidden neurons is larger than the optimum number of features. In this case, some hidden nodes could just monopolize the activation and make other neurons unused. A typical solution to this problem is a
Sparse AE, which can manage more nodes in the hidden layer than inputs, by forcing the generation of a sparse encoding during the training phase (where most output activations are null). When AEs have multiple hidden layers they are called
Stacked AE or
deep autoencoders.
The autoencoder also behaves as a generative model; they are capable of generating new data from the input data that are very similar to this original set.
3.3. Generative Adversarial Networks (GANs)
Generative Adversarial Networks (GAN) is a truly generative model proposed in 2014 [
12]. The GAN architecture, shown in
Figure 5, is composed of two different stages, represented by two neural networks: the generator network and the discriminator network. The generator tries to emulate data that comes from some probability distribution, usually processing a random input called latent representation. The discriminator estimates the probability that a sample came from the real data or from the generator. The training ends when the discriminator is no longer able to differentiate between the real and the fake data, and the generator network can be used to generate new simulated data.
3.4. Convolutional Neural Network (CNN)
Convolutional Neural Networks (CNNs) are inspired by the brain’s visual cortex but are not restricted to visual perception; they are also successful with signal processing and recognition. The principal task of image classification is to obtain a class or a probability of classes that best describes the input image. To perform this task, the algorithm has to be able to recognize features (edges, curves, ridges) and their compositions [
13]. A basic CNN architecture is shown in
Figure 6, whose basic layers are:
Convolutional layer: in this layer each filter (also called Kernel) is applied to the image in successive positions along the image and through convolution operations, generates a features map.
Nonlinear layer: a non-linear activation function, such as ReLu (Rectified Linear Unit) function, is used to avoid linearity in the system.
Pooling (down-sampling) layer: the aim of this layer is to reduce the computational load by reducing the size of the feature maps, and also introduces positional invariance.
Fully connected layers: ANN that takes the convolutional features (previously flattened) generated by the last convolutional layer and makes a prediction (e.g., softmax function). The output error is established by the loss function to inform how accurate the network is, and finally use an optimizer to increase its effectiveness.
4. Partial Discharges Classification with DNN
In order to investigate the application of DNN for PD classification and recognition, a review of recent progress is made in this section and it will be organized according to the type of DNN structure and the PD data used as inputs in several recent papers. At the end of this section a table will summarize the findings.
4.1. Simple DNN Structure
PRPD Data
The first DNN applied for PD diagnosis was proposed by Catterson and Sheng in 2015 [
14]. Their objective was to classify six different PD defects constructed in oil: (1) bad electrical contact, (2) floating potential, (3) and (4) metallic protrusion in two different configurations, (5) free particle and (6) surface discharge. They recorded approximately 250–300 PRPD patterns, measured with a UHF sensor, but since this quantity is not enough for training the DNN, a data augmentation phase was applied to have over 1000 examples for each defect type. The PRPD pattern was generated after one second (50 AC cycles) with a phase window of 5.625°, that can be represented as a 50 × 64 pixel image, shown in
Figure 7, giving 3200 pixel values that represents the relative PD amplitude recorded. These values are used as input for the network.
Firstly, they searched the optimal quantity of neurons in one hidden layer of a conventional ANN structure, finding good accuracy starting at 75 neurons and overall peak at 3000 neurons. Then a DNN architecture including hidden layers with 100 neurons was explored varying from one to seven layers, concluding that five hidden layers are an appropriate number. They also made a comparison between two different activation functions: ReLu and sigmoid function. They found that accuracy can be increased from 72% (one hidden layer—ANN) up to 86% (five hidden layers—DNN) with ReLu activation function. Even though a simple DNN structure was proposed in this paper, the interesting results stimulated other researchers to investigate more complex DNN structures and their application in PD detection and classification.
4.2. Recurrent Neural Network (RNN)
4.2.1. PRPD Data
The first RNN structure with LSTM layers was proposed by Nguyen et al. [
15] with an
Adam optimization algorithm to train the model and an
early stopping technique to prevent overfitting. Finally, a
softmax layer was used to classify four different PD sources and an artificial noise source. As in the research explained above, the PD sources (corona, floating, free particle and void defect) were artificially generated with pre-constructed cells installed in a 345 kV GIS chamber experimental setup in the laboratory. However, the data set they obtained in the experiments is imbalanced, i.e., data obtained from the experiments are not uniformly distributed across the different classes, the void defect class has 242 experiments, on the other hand, the floating defect class only 35, this could be a problem if is not well addressed [
16,
17], because the class distribution forces the classification algorithms to be biased to the majority class and the features of the minority class are not adequately learned.
The input data is a vector
containing 128 data points with information from the PRPD in one power cycle in the
-th cycle, i.e., each cycle considered is a time step of this network establishing thus the temporal dependencies. To find the optimal performance of the network they evaluated it for a different number of power cycles
and LSTM layers, finding that for
power cycles and two LSTM layers the accuracy model reached 96.62%. This model, shown in
Figure 8, also outperforms other techniques: Linear Support Vector Machine (SVM) (88.63%), Non Linear SVM (90.71%), and a conventional ANN (93.01%).
4.2.2. Time-Series Data
Adam and Tenbohlen [
18] also proposed a LSTM network, where the input data is a single PD signal waveform. The PD signals were obtained from four different artificial sources measured in the laboratory. The data set consisted of 42,794 recorded impulses, and even though the classes were not balanced, they found that using all of them improves accuracy more than reducing the data to balance classes. They found that this classification based on single PD pulses is feasible and accurate and could be an alternative to using PRPD data, in which patterns vary if two PD sources are present at the same time. Despite the fact that sensors could acquire a single pulse, being the combination of two pulses produced by two different sources, the two PD phenomena occur at different times and would still be possible to detect separate pulses within one power cycle.
4.3. Autoencoder
4.3.1. PRPD Data
An autoencoder structure was proposed by Tang et al. [
19], more precisely a stacked sparse auto-encoder (SSAE) to train the hidden layers that will extract meaningful features from the PRPD data. A
softmax output layer was used to classify PD in four severity stages: (1) Normal, (2) Attention, (3) Serious and (4) Dangerous stage. A Fuzzy-C means clustering (FCM) algorithm was previously used to categorize the raw data in those stages. The data were collected from experimental cells that simulate four different PD defect types in a GIS enclosure: (a) protrusion defect, (b) particle defect, (c) contamination defect and (d) gap defect. The UHF PD signals were acquired with an antenna and they obtained a PRPD representation for each PD type at different voltages to represent its development (from the initial discharge stage and increasing gradually to the breakdown). The input data consisted of 2000 samples for each voltage value.
Additionally, nine statistical features were calculated to be used as input for an SVM algorithm and compared with the SSAE method.
Table 1 shows the recognition average accuracy for the four defects, and it is clearly seen how the SSAE method is more accurate for all cases.
4.3.2. Features Extracted from PRPD and Raw Signal Data
In [
20] an autoencoder was used to classify five artificial defects manufactured on a cable in the laboratory, and in [
21] a Deep Belief Network (DBN) was trained to recognize internal, surface and corona PDs recreated in a laboratory environment. Even though it was demonstrated that those DNN models have better accuracy than other machine learning techniques (e.g., Decision tree, Kernel Fisher Discriminant Analysis and SVM), characteristics were manually extracted from the raw data to use as input data, when the interest in using DNNs is the automatic feature extraction.
4.4. Convolutional Neural Network (CNN)
4.4.1. Waveform Spectrogram Data
Lu et al. [
22] proposed a CNN with five layers, 500 nodes per layer,
ReLu activation functions and a
softmax output function. Their aim was to detect PD signals within different noise and interference signals. Measurements in switchgear were recorded using a Transient Earth voltage (TEV) method, as sound clips, and then transformed into an image represented by time-frequency spectra. White noise, impulse noise, and periodic noise spectra were also presented. Altogether, the CNN was trained with 3000 images containing 500 PD signals. The network´s accuracy was compared with other detection methods actually used for PD detection, summarized in
Table 2, and shows that CNN was the most accurate in classifying the different PD sources and noises. Although, the CNN and the pulse current method have similar detection rate, the CNN needs less time to perform the detection. The ultrasonic method has the lowest detection rate because it can solely detect surface discharges and not internal discharges.
These results suggest that the use of a CNN structure allows PD detection more efficiently and faster than the other existing techniques used in this work. However, more information is needed about the specific CNN used and how it was trained. Moreover, the images used as the CNN input as spectral representation should be more specific to know if this image physically represents the PD phenomenon.
A detailed CNN structure was presented by Li et al. [
23] and is schematically shown in
Figure 9. As inputs, they also use a spectral image, consisting of 256 time bins and 128 frequency bins, obtained by the Short Time Fourier Transform (STFT) applied to the recorded UHF PD signal, explaining the procedure and showing the time-frequency scale considered. The filters used in the convolutional layer are one dimensional, applied on the frequency axis.
The PD signals were obtained by a simulation model using a Finite-Difference Time-Domain (FDTD) method and the aim of the CNN was to classify 12 different kinds of PD sources in a 120 kV GIS model. The total data set for the training was 600 images. They obtained a 100% performance with the CNN method and they compared it with an SVM classifier, where input features were calculated by advanced signal processing methods such as Hilbert-Huang Transform (91.7% accuracy) and Wavelet Transform (96.7% accuracy).
Years later, the same authors published another CNN architecture combined with a LSTM network [
24]. In this case, for each UHF signal they calculate three different STFTs considering different window lengths to represent the signal in three types of spectrograms: (a) high time resolution, (b) high frequency resolution and (c) medium resolution. These three spectrograms separately are used as input for three different subnetworks (CNNs with different filters) and combined at the end by a fully connected layer. The model decides which filter or subnetwork gives a more comprehensive representation of the original signal. Finally, this information is merged in a LSTM module. The structure proposed is shown in
Figure 10.
The LSTM network, as shown in
Figure 11, is used to integrate information from signals recorded by sensors installed in four different positions away from the PD source. With this scheme it is possible to consider the signal attenuation when it is propagated in the system. Five types of PD were generated in a GIS tank model in a laboratory environment. The overall identification accuracy was 98.2% and comparison was made in scenarios with a single sensor and a single spectrogram representation.
4.4.2. Time-Domain Waveform Data
Dey et al. [
25] also used a CNN structure to classify impulse-fault patterns in transformers, but it could also be applied to PD pattern classification. The input data for this CNN structure was time-series data instead of an image and it was tested for single and multiple faults (i.e., simultaneously occurring at two different winding locations). The faults are created in an analogous model of a 33 kV winding of a 3 MVA transformer (based on a real life model) and they investigated the applicability issues of the method on a real transformer, with unknown design, simulating the model in an EMTP environment (Electromagnetic Transient Programming), finding that the performance decreased from 91.1% to 80% when the basic parameter values of the transformer winding changed by 15%. Nevertheless, this method outperforms, by more than 7% on average, other existing techniques, for example self-organizing maps, fuzzy logic and SVM.
The authors in [
26] use TEV signals recorded from two artificial PD sources measured in a laboratory. As input for the CNN, they use a time-domain waveform image of the signals recorded over 100 ms (five consecutive power cycles). The data was previously preprocessed in four different steps, and they investigated which step was the most important for a correct classification. An example of raw PD data recorded in this interval of time is shown in
Figure 12. To demonstrate the practical use of this technique, data from a real PD source is also used for training, but it represents only 4% of all data, and this amount may not be sufficiently representative. The first hidden layer of this CNN structure convolves 64 filters of 5 × 1, followed by a max pooling layer of 2 × 1. The second hidden layer is similar to the first hidden layer with a dropout rate of 0.5; the dropout layer randomly annuls a fraction of the outputs forcing the layer representation to be more distributed. The output layer consists of a fully connected layer followed by a
softmax classifier. The
cross entropy cost function is used for training.
A similar representation to that shown in
Figure 12 is also used in [
27]. The data set is collected from on-site and simulation experiments using UHF sensors. The authors introduce a new approach for the CNN structure, using a one dimensional CNN, that differs from the previous ones in the size of convolution and pooling kernels, being 1-D arrays instead of 2-D matrices. The accuracy of this model was 85% and was higher compared with SVM and a conventional ANN. A comparison of this 1-D model with a conventional 2-D CNN suggests that the computation time can be reduced using this less complex model.
4.4.3. PRPD Data
An Autoencoder was used by Song et al. [
28] to generate preliminary features from the PD test data and the network layers were used to initialize parameters of the convolutional layers in a CNN (transfer learning technique). The authors used a CNN structure which is composed of two convolutional layers, two pooling layers, two fully connected layers and the output layer with a
softmax output function, as schematically shown in
Figure 13. The classification task was to identify six different PD sources.
A more complex data collection is presented in this paper, obtained by on-site substation detection and laboratory experiments with different detection instruments and UHF sensors. For the experimental part, five PD sources simulated with cells were implemented in a GIS: (1) floating electrode, (2) surface, (3) corona, (4) insulation void and (5) free metal particle discharge. Interference patterns were also recorded. The data is recorded as PRPD data in 50 power cycles, with a phase window of 5° (phase dimension: 360°/5° = 72), and the amplitude is linearly normalized according to the maximum and minimum values of the sample data. Therefore, the input data for training is normalized and represented as a 72 × 50 matrix. For the training task, data sets with 1000 examples were prepared.
Training with 800 random data samples, the performance of this DNN model is 89.7% and is compared with others classification techniques using classical statistical features. The accuracy for the SVM technique was 79.3%, and 72.4% for a conventional ANN, showing that the DNN can extract more meaningful features to represent the PD phenomena and to classify them accurately.
They also investigate the influence of the training data using only laboratory experimental data and then a mix of half set of on-site substation detection and half set of experimental data. The results are shown in
Table 3. The recognition accuracy decreases for all methods when the data from substations is used, but the DNN still presents a higher robustness. These results highlight the problem of the method applicability when the network is trained with modeled defects that do not represent PDs in a real environment.
4.4.4. Features Extracted from Raw Signal Data
A comparison between CNN, RNN and DNN models was made in [
29], resulting in a CNN being more accurate than a RNN structure. Nevertheless, the details of the model structures were not clearly explained. The data set was obtained from a PD simulator by an ultrasonic sensor, but the input data could be considered as features
manually extracted from the UHF signal, because, after down-sampling the ultrasonic sample to obtain a sound that humans can hear, sound feature extraction methods were applied. To train a CNN model, the input data has to be a structured data set (like an image) and the 193 features extracted from different methods used in this work are not.
4.5. Generative Adversarial Networks (GANs)
Time-Domain Waveform Data
Generative Adversarial Network (GAN) models were used to obtain more PD data by data augmentation since sometimes it is hard and expensive to gather enough data to correctly train a DNN and prevent overfitting of the model. Wang et al. [
30] used this model to enlarge the UHF PD signals obtained from PD simulator experiments. To classify three PD sources an ANN was trained with real data and
fake generated data provided for the GAN, and finally tested only with real data, and the proposed scheme is shown in
Figure 14. Results demonstrated that the classification accuracy is better when the model is trained with the same number of real and
fake data and starts to decrease when
fake data is larger than the real data. In [
31] a GAN model also was used to generate more data from experimental PD sources made in a cable, but features were extracted from the raw signal data.
A summary of the methods that were explained in this section is shown in
Table 4.
5. Discussion
After this literature review on the application of DNN for partial discharge recognition or/and classification, it was found that these techniques are more accurate than the usual machine learning techniques, mainly because the PD raw data can be provided to the deep neural network without previous manual feature extraction, so it automatically learns which are the most representative features of each type of PD. However, most of these models were trained with data from artificial PD sources constructed in laboratories and with few real samples; this could be an issue in their application in real electrical installations. Indeed, the accuracy in the recognition will depend on the reliability of the training data. If these data do not represent exactly the same phenomenon found in real installations, the DNN will not make a reasonable prediction. Although these data have successfully been used for a preliminary approach, building a database of real PD sources in electrical installations and measured with different sensor technologies would be the first step to make this technique practical and efficient.
The Convolutional Neural Network (CNN) is the most applicable model; the input data for this network needs to be an image or a signal with
relevant structural information, such as time-series data. Many authors have used the PRPD as input data, but apart from the time it takes to obtain this image pattern regularity depends on the PD development over time, the state of the insulation at time of measurement, applied voltage, recording time and the acquisition sensor used. A more ideal concept would be to use the raw pulses registered by the sensor, as some authors have done, using a single pulse waveform or several consecutives pulses recorded over time, or transforming the pulses into a spectrogram image. Other representations could also be investigated to avoid limitations imposed by the STFT in the spectrogram representation, as the Local Polynomial Fourier Transform [
32] or a scalogram [
33].
Most authors have presented the results of a single neural network, but deep learning neural networks are nonlinear methods that learn via a stochastic training algorithm, and with each training process may find a different set of weights, which in turn produce different predictions. A better approach would be to use an ensemble learning, to reduce the variance of DNN models by training multiple models instead of a single model and to combine the predictions from these models. Moreover, other approaches could be also considered such as repeating experiments and providing statistics on different learnings, sensitivity analysis, ablation studies, etc.
The application of the DNN techniques in real electrical environments was not found in the literature; therefore, an industrial application interest is discussed in next section.
Potential Industrial Interest and Application of PD Recognition Based on DNN Techniques
The accurate localization of a partial discharge source can reduce the response time for a maintenance team dramatically. In terms of partial discharges in cables, the pinpointing of a PD source to within a few meters equates to a maintenance team being able to go directly to the place and excavate a small area. Within the substation environment, a PD source could be more difficult to localize, and as such, the identification of PD type is useful.
There are systems available on the market for the detection and measurement of PD sources. However, these systems tend to be expensive and often require interruption in service for installation and measurement. Nowadays, in a smart grid context, on-line techniques are more suitable, and utilities are working alongside manufacturers to develop more affordable monitoring solutions. Smart condition monitoring is the key solution to diagnose equipment incipient failure, and this requires intelligent algorithms to extract meaningful information from raw data, make predictions and provide accurate, real-time asset health insights. Therefore, deep learning methods could be an excellent option for these requirements.
The automatic identification of PD sources online using an attractive techno-economically optimized system based on deep learning methods, which is possible with the ongoing advancement of GPUs (graphics processing units) for embedded applications and algorithms written in freely available programming languages such as Python or R, is an attractive option for network operators, maintenance providers and also brings added value to equipment manufacturer’s products.
6. Conclusions
In this paper a descriptive summary about the recent advances made in the field of Deep Learning methods for the automated identification of PD activity was presented. The focus was on the PD data input used to train the DNNs because this is the main component of the method’s general applicability. Few research papers that use PD data acquired in the field were found. Most data used was obtained from experiments in the laboratory or from simulations that could lead to a lack of generality, and the method would not be applicable to measurements made in real installations. Moreover, research has to be made to find the optimal PD data representation useful for training the DNN that implies less time-consuming recording and reduction in data storage.
Within the DNN architectures used, the CNN model is the most often applied, which was shown to achieve a great success for image recognition. The combination of two models was also found in the literature, for example, a CNN combined with an Autoencoder or with an LSTM model. Although, they demonstrated to be more accurate than the conventional Machine Learning techniques, the optimal DNN structure and its implementation applicability for smart diagnosis in the smart grid have yet to be discovered.