You are currently viewing a new version of our website. To view the old version click .
Sensors
  • Article
  • Open Access

27 June 2022

Semi-ProtoPNet Deep Neural Network for the Classification of Defective Power Grid Distribution Structures

,
,
and
1
Fondazione Bruno Kessler, Via Sommarive 18, 38123 Trento, Italy
2
Department of Mathematics, Informatics and Physical Sciences, University of Udine, Via delle Scienze 206, 33100 Udine, Italy
3
Faculty of Engineering and Applied Science, University of Regina, Wascana Parkway 3737, Regina, SK S4S 0A2, Canada
*
Author to whom correspondence should be addressed.
This article belongs to the Special Issue Artificial Intelligence for Fault Diagnostics and Prognostics

Abstract

Power distribution grids are typically installed outdoors and are exposed to environmental conditions. When contamination accumulates in the structures of the network, there may be shutdowns caused by electrical arcs. To improve the reliability of the network, visual inspections of the electrical power system can be carried out; these inspections can be automated using computer vision techniques based on deep neural networks. Based on this need, this paper proposes the Semi-ProtoPNet deep learning model to classify defective structures in the power distribution networks. The Semi-ProtoPNet deep neural network does not perform convex optimization of its last dense layer to maintain the impact of the negative reasoning process on image classification. The negative reasoning process rejects the incorrect classes of an input image; for this reason, it is possible to carry out an analysis with a low number of images that have different backgrounds, which is one of the challenges of this type of analysis. Semi-ProtoPNet achieves an accuracy of 97.22%, being superior to VGG-13, VGG-16, VGG-19, ResNet-34, ResNet-50, ResNet-152, DenseNet-121, DenseNet-161, DenseNet-201, and also models of the same class such as ProtoPNet, NP-ProtoPNet, Gen-ProtoPNet, and Ps-ProtoPNet.

1. Introduction

Electric power grids are responsible for supplying electricity to the consumer with security and reliability. Many distribution networks are installed outdoors without insulation on the conductors; thus, these networks become vulnerable to environmental conditions []. A major problem of electrical power systems installed outdoors is the presence of contaminants, which accumulate on the structures and increase the conductivity of the insulating components [].
With higher surface conductivity, power grid components have a higher leakage current that leads to disruptive discharges []. When discharges occur on the surface of the insulation, the contamination burns and becomes encrusted, making cleaning of these components with rain difficult []. From components with high encrusted contamination, several discharges occur, which reduce the power quality of the electrical power system [].
To improve the ability to identify damaged components, inspections are performed on the electrical power system []. Inspections are usually carried out from the ground by specialized teams using specific equipment [], or aerially, usually through images with unmanned aerial vehicles (UAV) []. Among the equipment used in the inspections, the ultrasound [], radio interference [], ultraviolet camera [], and infrared camera [] are highlighted.
Nowadays, advanced image-based models have shown promise for power grid inspections []. Specifically, for the image classification task, the state-of-the-art ProtoPNet [] models stand out. The great advantage of this class of models is that the network finds prototypical parts and combines evidence from the prototypes to make a final classification. Model variations such as NP-Proto-PNet [], Gen-ProtoPNet [], Ps-ProtoPNet [], and Quasi-ProtoPNet [] are efficient for classification in view of their ability to have interpretability in various applications.
A representative dataset is one of the great difficulties of using deep learning models, as failures are rare in the electrical power system, and it is difficult to have a representative database to train the model. Based on the need to identify failures in a preventive way with a small dataset, this paper proposes the semi prototypical part network (Semi-ProtoPNet) for the classification of adverse conditions in distribution network structures. The proposed model is called Semi-ProtoPNet because it does not use all the training steps to avoid a reduction in accuracy. The proposed Semi-ProtoPNet is a non-interpretable model of the ProtoNet class with some advantages that will be explained in this paper. The contributions of this paper to the inspection of the electrical power grid are summarized below:
  • The first contribution is due to the need for a small database to train the proposed Semi-ProtoPNet. Typically, deep neural networks need a large database to train the model. From the proposed method, high accuracy was obtained using a small dataset, which would enable the use of this model for field applications.
  • The proposed model has better accuracy than the state-of-the-art models (VGG-13, VGG-16, VGG-19, ResNet-34, ResNet-50, ResNet-152, DenseNet-121, DenseNet-161, DenseNet-201, ProtoPNet, NP-ProtoPNet, Gen-ProtoPNet, and Ps-ProtoPNet) for image classification. This is because the Semi-ProtoPNet uses a generalized convolutional layer that helps it to use both positive and negative reasoning processes. The idea of using a negative reasoning process is similar to the idea of solving a multiple-choice question, where it becomes helpful to rule out the options that are surely not an answer to the question.
  • The third contribution is related to the use of real inspection images of the electrical power grid. There is great difficulty in obtaining an adequate database to classify the conditions of distribution networks. This occurs because the failures are difficult to find due to the large extension of the network, among other reasons. In this paper, the analysis of adverse conditions is performed based on real inspection images of problematic branches reported by the electric utility.
  • Considering that the proposed model does not focus on a specific condition or component, it has the ability to handle large variations between inspection photos with different image frames, brightness, and backgrounds. This makes inspection easier for the operator, as it is easier to take the photos; therefore, it is a more comprehensive method for this evaluation.
The continuation of this paper is organized as follows: In Section 2, the related works are described and the dataset is presented. In Section 3, the proposed method is presented, and its advantages and differences from previous versions of the ProtoPNet are highlighted. In Section 4, the results are discussed and evaluated. In Section 5, the conclusion is presented.

3. Methodology

In this section, the applied method, and considerations for the analysis are presented. The proposed Semi-ProtoPNet deep learning model stands out for image classification because the prototypes are not latent patches of the training images. They are tensors with values close to values of latent patches of the output of the convolutional layers of the base models.
Along with the positive reasoning process, including the negative reasoning process to reject incorrect classes of an input image, Semi-ProtoPNet does not perform convex optimization of its last dense layer to keep the weights constant. The consideration of both types of reasoning processes improves the performance of the model, making it possible to carry out an analysis with a low number of images that have different backgrounds.
The positive reasoning process means the positive connection between similarity scores of the prototypes and the logits of a correct class; whereas, the negative reasoning process means a negative connection between similarity scores of the prototypes and logits of incorrect classes.
Previous models such as ProtoPNet [], NP-Proto-PNet [], Gen-ProtoPNet [], and Ps-ProtoPNet [] use prototypes that are latent patches of the training images. The replacement of prototypes with latent patches of training images leads to a decrease in the logit for the correct class of the input image and an increase in the logits of incorrect classes that further leads to a decrease in the accuracy of the ProtoPNet models, see Theorem 2.1 in [] and Theorem 1 in []. The proposed Semi-ProtoPNet outperforms these applications, as will be presented here.
The replacement of prototypes with latent patches reduces the accuracy because there can be only few images that have identical patches, but some pixel values of two patches can be close to each other. Then, similarity of an input image with prototypes of its own class can be reduced if we use prototypes as latent patches of the training image, which further lead to a decrease in the accuracy. For this reason, the nonreplacement of prototypes with latent patches and the use of both types of reasoning processes (positive and negative) helps the model perform classifications successfully even with the small datasets.

3.1. Architecture

The ProtoPNet class classifies the images on the basis of a weighted combination of the similarity scores of the latent patches of the training images []. For each class (normal and defective), a fixed number of prototypes (which are replaced with the latent patches) are selected. For this application, 10 prototypes for each class were used. Based on this topology, the Semi-ProtoPNet structure is defined.
Figure 2 presents the architecture of the Semi-ProtoPNet with VGG-19 [] as the baseline, though Semi-ProtoPNet can also be constructed over the convolutional layers of some other base models. After the convolution layers, there are two additional layers of dimensions 2 × 2 and 1 × 1 , respectively. These convolutional layers are followed by a generalized convolution layer of prototypical parts p p [] and a dense layer w with weight matrix m w .
Figure 2. Semi-ProtoPNet architecture.
The rectified linear unit (ReLU) activation function [] is used for the first additional convolutional layer and the sigmoid activation function [] is used for the second additional convolutional layer. The use of ReLU and sigmoid activation functions are the most appropriate for CNN-based image classification of this class of algorithms, as used in [,,] for models of the same class. For an input image x, ( x ) is the output of , where the shape of ( x ) is 512 × 6 × 6 . Thus, P k = { p l k } l = 1 m is a set of prototypes of class k and P = { P k } k = 1 n is the set of prototypes of all classes, m is the number of prototypes for each class, and n is the total number of classes. In this approach, m = 10 , n = 2 , and the hyperparameter m = 10 is chosen randomly.
The shape of each prototype is 512 × h × w , where 1 × 1 < h × w < 6 × 6 . Therefore, every prototype can be considered a representation of some prototypical part of the image. Semi-ProtoPNet calculates the similarity scores between an input image and the prototypical parts p 1 1 p 10 1 and p 1 2 p 10 2 . In layer w, the matrix S is multiplied with m w to obtain the logits. To achieve a complete analysis of the model structure, the architecture of the proposed Semi-ProtoPNet with VGG-19 is compared using the several VGG, ResNet, and DenseNet baselines. At the end of this paper, the proposed model is compared with the baselines and models of ProtoPNet class.
The acronym VGG refers to Visual Geometry Group; it is a standard multilayer deep CNN architecture. Deep refers to the number of layers, e.g., VGG-13 [], VGG-16 [], and VGG-19 [], have 13, 16, and 19 convolutional layers, respectively. These models are structured as a series of convolutional layers, which can efficiently extract features from the data. After the first convolutional layers, max-pooling layers are used to compute the maximum of a local patch of units in a feature map. At the end of the model, a fully connected layer is used to perform the classification [].
A residual neural network (ResNet) is one of the first artificial neural networks used in deep learning using hundreds of layers; one of the great advantages of this architecture is that it maintains good performance results even when using a large number of layers, being possible to compute many more layers than previous models []. Given the universal approximation theorem, a feedforward network with a single layer is enough to represent any given function. Nevertheless, the layer can be massive, and the net is likely to overfill the data. Thus, there is a general trend in the research community to use deeper architectures, making the ResNet model promising. Similar to VGG networks, the ResNet model has several variations, such as ResNet-34 [], ResNet-50 [], and ResNet-152 [], which depend on the number of layers used.
The dense convolutional network (DenseNet) is a type of CNN that uses dense connections between layers, where all layers are connected directly to each other. In each layer, the feature maps of all previous layers are used as inputs and their feature maps are utilized as inputs in all following layers []. The major advantages of using DenseNets are that they alleviate the vanishing gradient problem, strengthen feature propagation, and encourage feature reuse, thus reducing the number of parameters in the network and making it more efficient. This structure also has variations according to the number of its layers, such as DenseNet-121 [], DenseNet-161 [], and DenseNet-201 [].
The NP-ProtoPNet attempts to simulate human reasoning for image recognition while comparing the parts of a test image with the corresponding parts of known class images []. The accuracy of NP-ProtoPNet achieves values comparable with the best non-interpretable deep learning models. While the ProtoPNet and NP-ProtoPNet use prototypes of spatial dimension 1 × 1 and the distance function L 2 , the Gen-ProtoPNet [] uses a generalized form of the distance function, which allows the use of prototypes of any spatial dimension. According to Singh and Yow [], the Ps-ProtoPNet classifies images by recognizing objects rather than the background in the images. Quasi-ProtoPNet is an interpretable model that considers only the positive reasoning process [].

Training Procedure

The generalized distance function d of the Euclidean distance function L 2 was used in the Semi-ProtoPNet. The shape of ( x ) is 512 × 6 × 6 , where 512 is the depth of ( x ) and 6 × 6 are its spatial dimensions. The output z of the convolutional layers has ( 7 h ) ( 7 w ) patches of dimensions h × w . The square of the distance d ( Z i j , p ) between the prototype p and the patch Z i j of z is given by
d 2 ( Z i j , p ) = l = 1 h m = 1 w k = 1 512 | | z ( i + l 1 ) ( j + m 1 ) k p l m k | | 2 2 .
where p l m k denotes a kth prototype of length l and width m.
For prototypes of spatial dimension 1 × 1 , where h = w = 1 , the square of the Euclidean distance between the prototype p and a patch of z is
d 2 ( Z i j , p ) = k = 1 512 | | z i j k p 11 k | | 2 2 ,
where p 11 k p k . Therefore, the distance function d is a generalization of L 2 . Then, p p is calculated according to
p p ( z ) = max Z patches ( z ) log d 2 ( Z , p ) + 1 d 2 ( Z , p ) + ϵ .
Equation (3) shows that a prototype is more similar to the input image if the inverse of the distance between a latent patch of the image and the prototype is smaller.
In the proposed Semi-ProtoPNet, all layers are optimized before the dense layer. Considering that X = { x 1 x n } and Y = { y 1 y n } are, respectively, sets of images and corresponding labels, where D = { ( x i , y i ) : x i X , y i Y } , the objective function to be optimized is
min P , c o n v 1 n i = 1 n CrosEnt ( h p p ( x i ) , y i ) + λ 1 ClstCst + λ 2 SepCst ,
where cluster cost (ClstCst) and separation cost (SepCst) are
ClstCst = 1 n i = 1 n min j : p j P y i min Z patches ( ( x i ) ) d 2 ( Z , p j ) ;
SepCst = 1 n i = 1 n min j : p j P y i min Z patches ( ( x i ) ) d 2 ( Z , p j ) .
According to Equation (5), the decrease in the ClstCst leads to the grouping of prototypes around their classes. However, based on Equation (6), the decrease in SepCst keeps prototypes away from their incorrect classes. Finally, Equation (4) shows that the drop in cross-entropy leads to improvement in the classification. As the distance function is non-negative, optimizing all layers except the last layer with the stochastic gradient descent (SGD) optimizer [] helps Semi-ProtoPNet to learn important latent space.
Observing that m w is the weight matrix for the last layer, m w ( i , j ) is the weight assigned to the connection between the similarity score of jth prototype and logit of ith class; in a class k, m w ( i , j ) = 1 is defined for all j with p j i P i , and for all p j k P i with k i , m w ( k , j ) equal to 1 , where λ 1 and λ 2 are hyperparameters belonging to { 0.7 , 0.8 } . Therefore, the weight matrix is given by
m w = 1 1 1 1 1 1 1 1
In the proposed method, the convex optimization of the last layer is not performed to keep the impact of negative reasoning in the image classifications process. The SGD optimizer updates the parameters to minimize the loss function [], taking steps at each iteration towards the negative loss gradient,
θ i + 1 = θ i α F ( θ i )
where θ is the vector to be minimized, α is the learning rate, and F ( θ ) is the loss function.
The computational effort in the training phase of the proposed model is higher in relation to standard neural networks. As the training of the model is done offline, reducing the time to train is not the objective of this methodology, as the goal of the proposed model is to achieve as high an accuracy as possible for the classification task. Considering that the computational effort of testing is considerably low, after the training phase, testing of the conditions can be performed in the field with embedded systems.
Compared with previous versions of ProtoPNet, the proposed Semi-ProtoPNet has the following advantages:
  • The proposed method does not replace prototypes with the latent patches of the training images; these prototypes have values very close to the pixel values of the training images.
  • The prototypes with spatial dimensions bigger than 1 × 1 are used. With the generalized distance function d, it is possible to use prototypes with any type of spatial dimensions—that is, square spatial dimensions as well as rectangular spatial dimensions.
  • The Semi-ProtoPNet does not perform convex optimization of the last layer to maintain the impact of the negative reasoning process on the image classification, whereas the ProtoPNet model emphasizes the positive reasoning process. Further, the nonoptimization of the last layer reduces the training time considerably.
  • Using the Semi-ProtoPNet, regardless of the weight given to the positive class, it gives exactly equal to the negative of that weight to the negative class, and this weight is not reduced to zero, unlike ProtoPNet. By doing so, we equally consider both positive reasoning and negative reasoning to classify the images.

3.2. Limitations

Theorem 2.1 in [] and Theorem 1 in [] provide lower bound in the decrease in logit for correct class and increase in the logits of incorrect classes when prototypes are replaced with the latent patches of input images. So, if the change in the logits of the other ProtoPNet models is far from the bounds provided by theorems, then Semi-ProtoPNet may not perform better than the other ProtoPNet models.

3.3. Performance Evaluation Metrics

For comparison purposes, the accuracy Equation (9), precision Equation (10), recall Equation (11), and F1-score Equation (12) measures were evaluated, given by
Accuracy = T P + T N Total Cases ,
Precision = T P T P + F P ,
Recall = T P T P + F N ,
F 1 - score = 2 Precision 1 + Recall 1 ,
where abbreviations refer to true positive (TP), true negative (TN), false positive (FP), and false negative (FN). In the confusion matrices, the values are presented in relation to the defective and normal classes, and each matrix corresponds to the evaluation of a different model. For the final comparative analysis, the test of hypothesis, standard deviation, and kurtosis were calculated.
Since accuracy is the proportion of correctly classified images among all the test images, the test of hypothesis concerning a system of two proportions is applied. If the size of test dataset n and the number of images correctly classified by models 1 and 2 are x 1 and x 2 , respectively, then p ˜ 1 = x 1 / n and p ˜ 2 = x 2 / n . The statistic for the test concerning the difference between two proportions is
Z = p ˜ 1 p ˜ 2 2 p ˜ ( 1 p ˜ ) / n ,
where p ˜ 1 and p ˜ 2 are the accuracies given by the compared methods, and p ˜ is calculated by
p ˜ = ( x 1 + x 2 ) / 2 n .
Therefore, the hypothesis is as follows:
H 0 : ( p 1 p 2 ) = 0 ( null   hypothesis ) , H a : ( p 1 p 2 ) 0 ( alternative   hypothesis ) .
The test of hypothesis was performed for the level of confidence ( α ) = 0.01. As the hypothesis is two-tailed, the p-value must be less than 0.005 to reject the null hypothesis. In this hypotheses test, p 1 is the accuracy given by Semi-ProtoPNet and p 2 represents the accuracies given by the other models. The values of test statistic Z are given by Equation (13).
The simulations were performed in a Deep Learning Server (Lambda Labs of the University of Regina, Canada); the specifications of this cluster are presented in Table 1. The algorithm proposed in this paper was developed in Python.
Table 1. Specifications of the used Deep Learning Server.
The flowchart of the procedure performed for this research is presented in Figure 3. The development of this project began with field inspections carried out by a specialized team after the indication that the evaluated distribution branch had high evidence of faults with disconnection due to the presence of contamination. The inspections were conducted in the state of Santa Catarina, in southern Brazil.
Figure 3. Flowchart of the analysis performed in this paper.

4. Results and Discussion

In this section, the results of the proposed method are presented and discussed. To have a global analysis, the evaluation will be presented with different base models to define the best structure of the proposed method. Then, the proposed model will be compared with these state-of-the-art models using the base model by itself.
The first evaluation is performed in relation to the dataset, with the goal of verifying the influence of changing the size of the used dataset on the model’s performance. The comments and evaluation are related to accuracy and F1-score. The best results of each model are underlined and the best overall result is shown in bold.

4.1. Dataset Evaluation

The dataset can be a limiting factor in the use of deep layer models due to the need for a large number of images to perform the training. For this reason, a reduction in the number of images is evaluated. The VGG, ResNet, and DenseNet class models are evaluated using the database reduced from 240 to 160 images, maintaining a balanced distribution between “damaged” power grids (80 images) and networks in good condition (80 images). The results of these variations are presented in Table 2.
Table 2. Assessment of the database reduction.
The reduction of the database is a major issue; as can be seen in Table 2, all the models evaluated had a lower F1-score and most of them had a lower accuracy using a smaller database. This further highlights the difficulty in performing the analysis with a reduced number of images, which is the goal of the model proposed in this paper.
Comparatively, Sampedro et al. [], Jiang et al. [], Zhang et al. [], and Tao et al. [], respectively, used 160, 385, 400, and 600 images to identify adverse conditions on the grid. All these authors highlight the difficulty in dealing with small datasets. Following the analysis, considering that the dataset is sufficient to obtain reasonable accuracy and F1-score results, the complete evaluation of the proposed model is presented here.

4.2. Confusion Matrices

The confusion matrices of Semi-ProtoPNet with different base models are presented in Figure 4. From the confusion matrices, the accuracy, precision, recall, and F1-score are obtained. These results are used to compare the performance of the structure of the model using different baselines. From the baseline change, the structure is also updated, thus generating a variation of the model.
Figure 4. Semi-ProtoPNet confusion matrices with different base models.

4.3. Baseline Evaluation

The first evaluation of the structure of the proposed Semi-ProtoPNet (SPPN) is the use of different baselines. The results of this variation are presented in Table 3. Using VGG-19 as a baseline, the results of Semi-ProtoPNet were considerably promising for field applications, considering that the accuracy of 97.22% and a F1-score of 0.9729 were achieved.
Table 3. Evaluation of the Semi-ProtoPNet with different baselines.
The ResNet as a base model results in inferior performance regarding the evaluated metrics, the best accuracy and F1-score were obtained with ResNet-50 being inferior to the previously analyzed VGG-19. Using DenseNet, the results were also inferior to VGG-19; based on this, VGG-19 is defined as the standard baseline.
These results prove that sometimes the use of more layers in the structure of the deep neural network is not a good strategy, as this could require more computational effort and does not improve the performance of the model. This shows that to have an optimized structure, it is important to evaluate several variations of the parameters.
The Semi-ProtoPNet has acceptable results, even changing the baseline, showing that it is not the baseline that makes the method reach high result values, it is the proposed method by itself. This statement can also be made when analyzing the difference between the convergence of the Semi-ProtoPNet to different baselines; the results of these comparisons are presented in Figure 5.
Figure 5. Convergence of Semi-ProtoPNet compared with different baselines.
As can be seen, all variations of the model achieve convergence in less than 20 epochs with a stable result. All analyses were carried out until 100 epochs, so there was certainty about the convergence of the algorithm and its stability.

4.4. Benchmarking

Table 4 presents a comparison of the proposed method with the VGG, ResNet, and DenseNet class algorithms and the family of ProtoPNet models. This comparison aims to assess whether the result occurs because the proposed method is superior or if it happens in other equivalent models. For a fair analysis, the ProtoPNet models use the VGG-19 baseline, which was the best backbone previously found.
Table 4. Benchmarking evaluation.
The Semi-ProtoPNet with VGG-19 (SPPN-VGG-19) presented in this paper has better results than all variations of the compared ProtoPNet models. The presented results highlight that even models for this specific task have lower results than the proposed SPPN-VGG-19. This probably occurs because of the small number of images, which is a common problem in the inspections. This proves that the SPPN-VGG-19 is well-indicated for this evaluation.
The nonreplacement of prototypes with the patches of the training images, the nonoptimization of the last layer, and the use of prototypes with rectangular spatial dimensions and square spatial dimensions greater than 1 × 1 helped the proposed model to improve its performance.

4.4.1. Test of Hypothesis for the Accuracy and Statistical Evaluation

As mentioned in Section 3.3, the test of hypothesis concerning a system of two proportions is applied to see whether the accuracy given by the proposed model is statistically significantly better than the accuracies given by the other models. Considering that α is 0.01, the null hypothesis for all the p-values listed in Table 5 are rejected. Based on the value of the α this analysis has 99% confidence that the accuracies given by SPPN-VGG-19 are significantly better than the accuracies given by each of the other models.
Table 5. Statistical results for the evaluated models.
The result of the statistical Z-statistic and p-value are not presented for SPPN-VGG-19, as this model is used for comparison with other models. The statistical results show that there is stability in the compared models, although some models result in low accuracy.

4.4.2. State-of-the-Art Approaches

SPPN-VGG-19 outperformed other authors who used CNNs for the equivalent purpose. Han et al. [] achieved a F1-score of 0.9466 and Tao et al. [] achieved 0.9340 using CNNs for insulator faults detection.
Liu et al. [] had a F1-score of 0.9499 using YOLOv3 and Feng et al. [] had a F1-score of 0.9293 using YOLOv5, which is the most current model for object detection nowadays. The applications of Jiang et al. [] and Miao et al. [] using single shot multibox detector had a F1-score of 0.9244 and 0.9184, respectively. In this paper, using SPPN-VGG-19, a F1-score of 0.9729 was reached in the evaluation of power grids structures with adverse conditions. This method also proved that it is stable when statistical analysis is evaluated.
Comparison with previous works showed that the proposed model has a better F1-score than other approaches, in addition to the fact that in some studies such as [], the analysis is performed only with the focus on identifying the chain of insulators and not on the defect classification, which is necessary for inspections of the electrical power system. The proposed method presented in this paper was applied to evaluate the entire structure of the grid and if an adverse condition is present near the insulators.

5. Conclusions

The identification of failures in the distribution networks improves the quality of the electric energy supply since it is possible to determine preventive maintenance strategies to correct failures before network outages occur. Contamination is a problem found in several networks that are close to unpaved streets, especially in rural areas. As soon as the contamination becomes encrusted, it is necessary to perform the maintenance of the network to ensure its operation. This paper proves that using deep learning for computer vision is possible to classify adverse conditions on the network, considering that through the proposed model acceptable values were reached to use the model in field applications.
The use of the proposed Semi-ProtoPNet model showed considerable promise for the analysis in question, considering that the accuracy of 97.22% was obtained for the classification of adverse conditions in distribution networks. Using VGG-19 as the baseline, the proposed method was superior to models of the same class such as ProtoPNet, NP-ProtoPNet, Gen-ProtoPNet, and Ps-ProtoPNet, in addition to being superior to the analysis carried out by other authors for equivalent problems.
As was presented, changing the structure of the network results in variation in its performance; so, it is necessary to carry out an analysis using several baselines in order to obtain the best structure of the model. The result of this work was promising, since the dataset used is based on real images without preprocessing, where there are great variations in image background, brightness, and framing, conditions commonly found in photographs of the electrical power grid. This shows that the application has the possibility of being carried out directly for field inspections.
Several authors only evaluate the location of the insulator chain and not specifically network faults. In addition, it is common to use artificial datasets, in which failures were obtained from overlapping, which often does not correspond to the real problems of the electrical power system. For this reason, this paper stands out among all the work already done. Future work can be done by combining the Semi-ProtoPNet, presented in this paper, with specific equipment for the inspection of the network. Cross-validation can be used to improve the generalizability of the evaluation.

Author Contributions

Writing—original draft preparation, S.F.S.; conceptualization, methodology, software, validation, and formal analysis, G.S.; writing—review and editing, supervision, and project administration, K.-C.Y.; supervision, A.C. All authors have read and agreed to the published version of the manuscript.

Funding

We acknowledge the support of the Natural Sciences and Engineering Research Council of Canada (NSERC), funding reference number DDG-2020-00034. Cette recherche a été financée par le Conseil de recherches en sciences naturelles et en génie du Canada (CRSNG), numéro de référence DDG-2020-00034.

Data Availability Statement

The data to support the results presented in this paper are available at https://github.com/SFStefenon/InspectionDataSet (accessed on 17 June 2021).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Ma, D.; Jin, L.; He, J.; Gao, K. Classification of partial discharge severities of ceramic insulators based on texture analysis of UV pulses. High Volt. 2021, 6, 986–996. [Google Scholar] [CrossRef]
  2. Stefenon, S.F.; Freire, R.Z.; Meyer, L.H.; Corso, M.P.; Sartori, A.; Nied, A.; Klaar, A.C.R.; Yow, K.C. Fault detection in insulators based on ultrasonic signal processing using a hybrid deep learning technique. IET Sci. Meas. Technol. 2020, 14, 953–961. [Google Scholar] [CrossRef]
  3. Ramesh, M.; Cui, L.; Shtessel, Y.; Gorur, R. Failure studies of polymeric insulating materials using sliding mode observer. Int. J. Electr. Power Energy Syst. 2021, 126, 106539. [Google Scholar] [CrossRef]
  4. Sopelsa Neto, N.F.; Stefenon, S.F.; Meyer, L.H.; Bruns, R.; Nied, A.; Seman, L.O.; Gonzalez, G.V.; Leithardt, V.R.Q.; Yow, K.C. A Study of Multilayer Perceptron Networks Applied to Classification of Ceramic Insulators Using Ultrasound. Appl. Sci. 2021, 11, 1592. [Google Scholar] [CrossRef]
  5. Castillo-Sierra, R.; Oviedo-Trespalacios, O.; Candelo-Becerra, J.E.; Soto, J.D.; Calle, M. A novel method for prediction of washing cycles of electrical insulators in high pollution environments. Int. J. Electr. Power Energy Syst. 2021, 130, 107026. [Google Scholar] [CrossRef]
  6. Han, J.; Yang, Z.; Xu, H.; Hu, G.; Zhang, C.; Li, H.; Lai, S.; Zeng, H. Search Like an Eagle: A Cascaded Model for Insulator Missing Faults Detection in Aerial Images. Energies 2020, 13, 713. [Google Scholar] [CrossRef] [Green Version]
  7. Polisetty, S.; El-Hag, A.; Jayram, S. Classification of common discharges in outdoor insulation using acoustic signals and artificial neural network. High Volt. 2019, 4, 333–338. [Google Scholar] [CrossRef]
  8. Yang, L.; Fan, J.; Liu, Y.; Li, E.; Peng, J.; Liang, Z. A Review on State-of-the-Art Power Line Inspection Techniques. IEEE Trans. Instrum. Meas. 2020, 69, 9350–9365. [Google Scholar] [CrossRef]
  9. Stefenon, S.F.; Bruns, R.; Sartori, A.; Meyer, L.H.; Ovejero, R.G.; Leithardt, V.R.Q. Analysis of the Ultrasonic Signal in Polymeric Contaminated Insulators Through Ensemble Learning Methods. IEEE Access 2022, 10, 33980–33991. [Google Scholar] [CrossRef]
  10. Rocha, P.; Costa, E.; Serres, A.; Xavier, G.; Peixoto, J.; Lins, R. Inspection in overhead insulators through the analysis of the irradiated RF spectrum. Int. J. Electr. Power Energy Syst. 2019, 113, 355–361. [Google Scholar] [CrossRef]
  11. Lin, Y.; Yin, F.; Liu, Y.; Wang, L.; Wu, K. Influence of vulcanization factors on UV-A resistance of silicone rubber for outdoor insulators. IEEE Trans. Dielectr. Electr. Insul. 2020, 27, 296–304. [Google Scholar] [CrossRef]
  12. Jin, L.; Ai, J.; Tian, Z.; Zhang, Y. Detection of polluted insulators using the information fusion of multispectral images. IEEE Trans. Dielectr. Electr. Insul. 2017, 24, 3530–3538. [Google Scholar] [CrossRef]
  13. Nguyen, V.N.; Jenssen, R.; Roverso, D. Automatic autonomous vision-based power line inspection: A review of current status and the potential role of deep learning. Int. J. Electr. Power Energy Syst. 2018, 99, 107–120. [Google Scholar] [CrossRef] [Green Version]
  14. Chen, C.; Li, O.; Tao, C.; Barnett, A.J.; Su, J.; Rudin, C. This looks like that: Deep learning for interpretable image recognition. arXiv 2018, arXiv:1806.10574. [Google Scholar]
  15. Singh, G.; Yow, K.C. These do not Look Like Those: An Interpretable Deep Learning Model for Image Recognition. IEEE Access 2021, 9, 41482–41493. [Google Scholar] [CrossRef]
  16. Singh, G.; Yow, K.C. An Interpretable Deep Learning Model for Covid-19 Detection With Chest X-Ray Images. IEEE Access 2021, 9, 85198–85208. [Google Scholar] [CrossRef]
  17. Singh, G.; Yow, K.C. Object or Background: An Interpretable Deep Learning Model for COVID-19 Detection from CT-Scan Images. Diagnostics 2021, 11, 1732. [Google Scholar] [CrossRef]
  18. Singh, G. Think positive: An interpretable neural network for image recognition. Neural Netw. 2022, 151, 178–189. [Google Scholar] [CrossRef]
  19. Medeiros, A.; Sartori, A.; Stefenon, S.F.; Meyer, L.H.; Nied, A. Comparison of artificial intelligence techniques to failure prediction in contaminated insulators based on leakage current. J. Intell. Fuzzy Syst. 2021, 42, 3285–3298. [Google Scholar] [CrossRef]
  20. Corso, M.P.; Perez, F.L.; Stefenon, S.F.; Yow, K.C.; García Ovejero, R.; Leithardt, V.R.Q. Classification of Contaminated Insulators Using k-Nearest Neighbors Based on Computer Vision. Computers 2021, 10, 112. [Google Scholar] [CrossRef]
  21. Cao, B.; Wang, L.; Yin, F. A Low-Cost Evaluation and Correction Method for the Soluble Salt Components of the Insulator Contamination Layer. IEEE Sens. J. 2019, 19, 5266–5273. [Google Scholar] [CrossRef]
  22. Stefenon, S.F.; Seman, L.O.; Sopelsa Neto, N.F.; Meyer, L.H.; Nied, A.; Yow, K.C. Echo state network applied for classification of medium voltage insulators. Int. J. Electr. Power Energy Syst. 2022, 134, 107336. [Google Scholar] [CrossRef]
  23. Stefenon, S.F.; Seman, L.O.; Pavan, B.A.; Ovejero, R.G.; Leithardt, V.R.Q. Optimal design of electrical power distribution grid spacers using finite element method. IET Gener. Transm. Distrib. 2022, 16, 1865–1876. [Google Scholar] [CrossRef]
  24. Manninen, H.; Ramlal, C.J.; Singh, A.; Rocke, S.; Kilter, J.; Landsberg, M. Toward automatic condition assessment of high-voltage transmission infrastructure using deep learning techniques. Int. J. Electr. Power Energy Syst. 2021, 128, 106726. [Google Scholar] [CrossRef]
  25. Alhassan, A.B.; Zhang, X.; Shen, H.; Xu, H. Power transmission line inspection robots: A review, trends and challenges for future research. Int. J. Electr. Power Energy Syst. 2020, 118, 105862. [Google Scholar] [CrossRef]
  26. Ibrahim, A.; Dalbah, A.; Abualsaud, A.; Tariq, U.; El-Hag, A. Application of Machine Learning to Evaluate Insulator Surface Erosion. IEEE Trans. Instrum. Meas. 2020, 69, 314–316. [Google Scholar] [CrossRef]
  27. Prates, R.M.; Cruz, R.; Marotta, A.P.; Ramos, R.P.; Simas Filho, E.F.; Cardoso, J.S. Insulator visual non-conformity detection in overhead power distribution lines using deep learning. Comput. Electr. Eng. 2019, 78, 343–355. [Google Scholar] [CrossRef]
  28. Hagmar, H.; Tong, L.; Eriksson, R.; Tuan, L.A. Voltage Instability Prediction Using a Deep Recurrent Neural Network. IEEE Trans. Power Syst. 2021, 36, 17–27. [Google Scholar] [CrossRef]
  29. Sun, J.; Zhang, H.; Li, Q.; Liu, H.; Lu, X.; Hou, K. Contamination degree prediction of insulator surface based on exploratory factor analysis-least square support vector machine combined model. High Volt. 2021, 6, 264–277. [Google Scholar] [CrossRef]
  30. Pernebayeva, D.; Irmanova, A.; Sadykova, D.; Bagheri, M.; James, A. High voltage outdoor insulator surface condition evaluation using aerial insulator images. High Volt. 2019, 4, 178–185. [Google Scholar] [CrossRef]
  31. Sampedro, C.; Rodriguez-Vazquez, J.; Rodriguez-Ramos, A.; Carrio, A.; Campoy, P. Deep Learning-Based System for Automatic Recognition and Diagnosis of Electrical Insulator Strings. IEEE Access 2019, 7, 101283–101308. [Google Scholar] [CrossRef]
  32. Tao, X.; Zhang, D.; Wang, Z.; Liu, X.; Zhang, H.; Xu, D. Detection of Power Line Insulator Defects Using Aerial Images Analyzed With Convolutional Neural Networks. IEEE Trans. Syst. Man. Cybern. Syst. 2020, 50, 1486–1498. [Google Scholar] [CrossRef]
  33. Han, J.; Yang, Z.; Zhang, Q.; Chen, C.; Li, H.; Lai, S.; Hu, G.; Xu, C.; Xu, H.; Wang, D.; et al. A Method of Insulator Faults Detection in Aerial Images for High-Voltage Transmission Lines Inspection. Appl. Sci. 2019, 9, 2009. [Google Scholar] [CrossRef] [Green Version]
  34. Miao, X.; Liu, X.; Chen, J.; Zhuang, S.; Fan, J.; Jiang, H. Insulator Detection in Aerial Images for Transmission Line Inspection Using Single Shot Multibox Detector. IEEE Access 2019, 7, 9945–9956. [Google Scholar] [CrossRef]
  35. Li, X.; Su, H.; Liu, G. Insulator Defect Recognition Based on Global Detection and Local Segmentation. IEEE Access 2020, 8, 59934–59946. [Google Scholar] [CrossRef]
  36. Li, F.; Xin, J.; Chen, T.; Xin, L.; Wei, Z.; Li, Y.; Zhang, Y.; Jin, H.; Tu, Y.; Zhou, X.; et al. An Automatic Detection Method of Bird’s Nest on Transmission Line Tower Based on Faster-RCNN. IEEE Access 2020, 8, 164214–164221. [Google Scholar] [CrossRef]
  37. Liu, C.; Wu, Y.; Liu, J.; Sun, Z. Improved YOLOv3 Network for Insulator Detection in Aerial Images with Diverse Background Interference. Electronics 2021, 10, 771. [Google Scholar] [CrossRef]
  38. Liu, Y.; Ji, X.; Pei, S.; Ma, Z.; Zhang, G.; Lin, Y.; Chen, Y. Research on automatic location and recognition of insulators in substation based on YOLOv3. High Volt. 2020, 5, 62–68. [Google Scholar] [CrossRef]
  39. Teimourzadeh, H.; Moradzadeh, A.; Shoaran, M.; Mohammadi-Ivatloo, B.; Razzaghi, R. High Impedance Single-Phase Faults Diagnosis in Transmission Lines via Deep Reinforcement Learning of Transfer Functions. IEEE Access 2021, 9, 15796–15809. [Google Scholar] [CrossRef]
  40. Fahim, S.R.; Sarker, S.K.; Muyeen, S.; Das, S.K.; Kamwa, I. A deep learning based intelligent approach in detection and classification of transmission line faults. Int. J. Electr. Power Energy Syst. 2021, 133, 107102. [Google Scholar] [CrossRef]
  41. Zhao, M.; Zhong, S.; Fu, X.; Tang, B.; Dong, S.; Pecht, M. Deep Residual Networks With Adaptively Parametric Rectifier Linear Units for Fault Diagnosis. IEEE Trans. Ind. Electron. 2021, 68, 2587–2597. [Google Scholar] [CrossRef]
  42. Zhao, M.; Kang, M.; Tang, B.; Pecht, M. Multiple Wavelet Coefficients Fusion in Deep Residual Networks for Fault Diagnosis. IEEE Trans. Ind. Electron. 2019, 66, 4696–4706. [Google Scholar] [CrossRef]
  43. Siniosoglou, I.; Radoglou-Grammatikis, P.; Efstathopoulos, G.; Fouliras, P.; Sarigiannidis, P. A Unified Deep Learning Anomaly Detection and Classification Approach for Smart Grid Environments. IEEE Trans. Netw. Serv. Manag. 2021, 18, 1137–1151. [Google Scholar] [CrossRef]
  44. Guo, Y.; Pang, Z.; Du, J.; Jiang, F.; Hu, Q. An Improved AlexNet for Power Edge Transmission Line Anomaly Detection. IEEE Access 2020, 8, 97830–97838. [Google Scholar] [CrossRef]
  45. Liang, H.; Zuo, C.; Wei, W. Detection and Evaluation Method of Transmission Line Defects Based on Deep Learning. IEEE Access 2020, 8, 38448–38458. [Google Scholar] [CrossRef]
  46. Jiang, H.; Qiu, X.; Chen, J.; Liu, X.; Miao, X.; Zhuang, S. Insulator Fault Detection in Aerial Images Based on Ensemble Learning With Multi-Level Perception. IEEE Access 2019, 7, 61797–61810. [Google Scholar] [CrossRef]
  47. Stefenon, S.F.; Corso, M.P.; Nied, A.; Perez, F.L.; Yow, K.C.; Gonzalez, G.V.; Leithardt, V.R.Q. Classification of insulators using neural network based on computer vision. IET Gener. Transm. Distrib. 2021, 16, 1096–1107. [Google Scholar] [CrossRef]
  48. Wen, Q.; Luo, Z.; Chen, R.; Yang, Y.; Li, G. Deep Learning Approaches on Defect Detection in High Resolution Aerial Images of Insulators. Sensors 2021, 21, 1033. [Google Scholar] [CrossRef] [PubMed]
  49. Song, C.; Xu, W.; Wang, Z.; Yu, S.; Zeng, P.; Ju, Z. Analysis on the Impact of Data Augmentation on Target Recognition for UAV-Based Transmission Line Inspection. Complexity 2020, 2020, 3107450. [Google Scholar] [CrossRef]
  50. Stefenon, S.F.; Ribeiro, M.H.D.M.; Nied, A.; Mariani, V.C.; Coelho, L.D.S.; Leithardt, V.R.Q.; Silva, L.A.; Seman, L.O. Hybrid Wavelet Stacking Ensemble Model for Insulators Contamination Forecasting. IEEE Access 2021, 9, 66387–66397. [Google Scholar] [CrossRef]
  51. Habib, N.; Hasan, M.M.; Reza, M.M.; Rahman, M.M. Ensemble of CheXNet and VGG-19 feature extractor with random forest classifier for pediatric pneumonia detection. SN Comput. Sci. 2020, 1, 359. [Google Scholar] [CrossRef] [PubMed]
  52. Ghiasi-Shirazi, K. Generalizing the convolution operator in convolutional neural networks. Neural Process. Lett. 2019, 50, 2627–2646. [Google Scholar] [CrossRef] [Green Version]
  53. dos Santos, G.H.; Seman, L.O.; Bezerra, E.A.; Leithardt, V.R.Q.; Mendes, A.S.; Stefenon, S.F. Static Attitude Determination Using Convolutional Neural Networks. Sensors 2021, 21, 6419. [Google Scholar] [CrossRef] [PubMed]
  54. Duan, L.; Hu, J.; Zhao, G.; Chen, K.; Wang, S.X.; He, J. Method of inter-turn fault detection for next-generation smart transformers based on deep learning algorithm. High Volt. 2019, 4, 282–291. [Google Scholar] [CrossRef]
  55. Georgescu, M.I.; Ionescu, R.T.; Popescu, M. Local learning with deep and handcrafted features for facial expression recognition. IEEE Access 2019, 7, 64827–64836. [Google Scholar] [CrossRef]
  56. Rathnayake, N.; Rathnayake, U.; Dang, T.L.; Hoshino, Y. An Efficient Automatic Fruit-360 Image Identification and Recognition Using a Novel Modified Cascaded-ANFIS Algorithm. Sensors 2022, 22, 4401. [Google Scholar] [CrossRef]
  57. Kundu, S.; Malakar, S.; Geem, Z.W.; Moon, Y.Y.; Singh, P.K.; Sarkar, R. Hough Transform-Based Angular Features for Learning-Free Handwritten Keyword Spotting. Sensors 2021, 21, 4648. [Google Scholar] [CrossRef]
  58. Zeng, D.; Chen, S.; Chen, B.; Li, S. Improving Remote Sensing Scene Classification by Integrating Global-Context and Local-Object Features. Remote Sens. 2018, 10, 734. [Google Scholar] [CrossRef] [Green Version]
  59. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar] [CrossRef] [Green Version]
  60. Gao, M.; Chen, J.; Mu, H.; Qi, D. A Transfer Residual Neural Network Based on ResNet-34 for Detection of Wood Knot Defects. Forests 2021, 12, 212. [Google Scholar] [CrossRef]
  61. Naseer, A.; Baro, E.N.; Khan, S.D.; Vila, Y. A Novel Detection Refinement Technique for Accurate Identification of Nephrops norvegicus Burrows in Underwater Imagery. Sensors 2022, 22, 4441. [Google Scholar] [CrossRef]
  62. Alrashedy, H.H.N.; Almansour, A.F.; Ibrahim, D.M.; Hammoudeh, M.A.A. BrainGAN: Brain MRI Image Generation and Classification Framework Using GAN Architectures and CNN Models. Sensors 2022, 22, 4297. [Google Scholar] [CrossRef] [PubMed]
  63. Huang, G.; Liu, Z.; Van Der Maaten, L.; Weinberger, K.Q. Densely Connected Convolutional Networks; IEEE: Honolulu, HI, USA, 2017. [Google Scholar] [CrossRef] [Green Version]
  64. Chen, W.; Shen, W.; Gao, L.; Li, X. Hybrid Loss-Constrained Lightweight Convolutional Neural Networks for Cervical Cell Classification. Sensors 2022, 22, 3272. [Google Scholar] [CrossRef] [PubMed]
  65. Song, J.M.; Kim, W.; Park, K.R. Finger-Vein Recognition Based on Deep DenseNet Using Composite Image. IEEE Access 2019, 7, 66845–66863. [Google Scholar] [CrossRef]
  66. Popescu, D.; El-khatib, M.; Ichim, L. Skin Lesion Classification Using Collective Intelligence of Multiple Neural Networks. Sensors 2022, 22, 4399. [Google Scholar] [CrossRef] [PubMed]
  67. Yang, J.; Wu, J.; Wang, X. Convolutional neural network based on differential privacy in exponential attenuation mode for image classification. IET Image Process. 2020, 14, 3676–3681. [Google Scholar] [CrossRef]
  68. Stefenon, S.F.; Kasburg, C.; Nied, A.; Klaar, A.C.R.; Ferreira, F.C.S.; Branco, N.W. Hybrid deep learning for power generation forecasting in active solar trackers. IET Gener. Transm. Distrib. 2020, 14, 5667–5674. [Google Scholar] [CrossRef]
  69. Zhang, Y.; Huang, X.; Jia, J.; Liu, X. A Recognition Technology of Transmission Lines Conductor Break and Surface Damage Based on Aerial Image. IEEE Access 2019, 7, 59022–59036. [Google Scholar] [CrossRef]
  70. Feng, Z.; Guo, L.; Huang, D.; Li, R. Electrical Insulator Defects Detection Method Based on YOLOv5. In Proceedings of the 2021 IEEE 10th Data Driven Control and Learning Systems Conference (DDCLS), Suzhou, China, 14–16 May 2021; Volume 10, pp. 979–984. [Google Scholar] [CrossRef]
  71. Ma, Y.; Li, Q.; Chu, L.; Zhou, Y.; Xu, C. Real-Time Detection and Spatial Localization of Insulators for UAV Inspection Based on Binocular Stereo Vision. Remote Sens. 2021, 13, 230. [Google Scholar] [CrossRef]
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Article Metrics

Citations

Article Access Statistics

Multiple requests from the same IP address are counted as one view.