Abstract
To address the challenges in the unmanned system-based intelligent inspection of electric transmission line insulators, this paper proposed a multi-geometric reasoning network (MGRN) to accurately detect insulator geometric defects based on aerial images with complex backgrounds and different scales. The spatial geometric reasoning sub-module (SGR) was developed to represent the spatial location relationship of defects. The appearance geometric reasoning sub-module (AGR) and the parallel feature transformation (PFT) sub-module were adopted to obtain the appearance geometric features from the real samples. These multi-geometric features can be fused with the original visual features to identify and locate the insulator defects. The proposed solution is assessed through experiments against the existing solutions and the numerical results indicate that it can significantly improve the detection accuracy of multiple insulator defects using the aerial images.
1. Introduction
The electric power transmission line insulators are widely used in power systems to fix and insulate electrical equipment [1]. Due to the long-term exposure to the natural environment, the insulators are susceptible to damage, and the chance of failure of damaged insulators will increase, which will directly threaten the stability and safety of transmission lines [2,3]. Therefore, timely detection of insulator defects is crucial. Common insulator defects include damaged [4] and missing [5]. The geometric defect of an object is defined as the change of its geometry caused by natural or human factors, as shown in Figure 1.
Figure 1.
Aerial insulator images with geometric defects (red circle). (a,b): missing defects; (c,d): damaged defects.
A common approach for insulator defect detection under these two categories is to capture aerial images of insulators by unmanned aerial vehicles (UAVs), which are then analyzed and processed using computer vision techniques [6,7,8]. Several recent studies have demonstrated the effectiveness of machine learning techniques in insulator detection. For instance, the authors in [9] achieved the detection of damaged insulator strings by extracting the shape and texture information of the insulator and improving the watershed algorithm. The study in [10] assessed the damage level of insulators by extracting insulator features with wavelet transform and then analyzing the insulator condition through the support vector machine. The authors in [11] represented the local features by introducing multi-scale and multi-feature descriptors, and then proposed a coarse-to-fine matching strategy to achieve insulator detection based on the spatial order features in the local features. Although these studies have achieved certain considerable results, machine learning approaches for vision processing by designing feature extraction modules are difficult to achieve better adaptability and robustness.
In recent years, advances in artificial intelligence enable deep-learning-based techniques to be adopted for insulator defect detection. In [12], the authors proposed an insulator missing detection network with compact feature space based on a stochastic configuration network and feedback transfer learning mechanism, and achieved adaptive adjustment of the depth feature space; The work in [13] introduced a deep neural network with cascade structure, which converted the insulator defect problem into a two-level object detection problem and realized the localization and identification of insulator missing. The authors in [14] improved the YOLOv3 model by employing Spatial Pyramid Pooling network (SPP) and multiscale prediction network and carried out training on a large number of insulator missing samples, achieving insulator defect detection under different aerial photography backgrounds. These insulator defect detections mainly focus on one single defect, i.e., missing transmission line insulators, and have achieved satisfactory results. Such a defect occurs frequently in overhead transmission lines in practice, and hence a large number of sample images are available that can be used for deep learning models.
Unfortunately, the sample images are scarce in the actual detection environment for defects such as damage d, flashover [15], and dirty [16]. Moreover, the morphological features presented by these defects are more diverse and complex than the missing defect, making it difficult for deep learning models to perform better. The work in [17] proposed a multiscale residual neural network that achieved insulator damage detection in a single background through rich spatial correlation and channel correlation. In [18] the authors implemented a state assessment for the existence of ice, snow, and water on the insulator surface based on the YOLOv2 model through data expansion. The authors in [19] realized the detection of insulator damaged defects by improving Regional Proposal Network (RPN) and adding the improved ResNeSt [20] for feature extraction. In general, the existing research is mainly from the perspective of data augmentation of defect samples, by increasing the sample quantity and then completing the training for the deep learning model to realize the detection of scarcity defects. However, the application of deep learning technology based on a small number of samples to defect detection of transmission line insulators is still at the exploratory stage. Furthermore, much research effort has been made in the field of machine learning-based detection methods. The current object detection frameworks are mainly divided into one-stage detectors and two-stage detectors. The one-stage detectors are mainly based on SSD [21] and YOLO series [22], and the representative frameworks presented by the two-stage detectors include Fast R-CNN [23], Faster R-CNN [24], and Mask R-CNN [25]. However, when used in practical industrial scenarios, even high-performance object detectors have difficulty showing great performance. For example, detectors with excellent performance on public datasets often are difficult to work reliably in power systems [26] or transportation systems [27] with complex scenarios.
However, there still remains a set of technical challenges in deep learning for defect detection of insulator s. The three challenges are as follows: (1) Complex background. As a basic electrical insulation device, insulators are widely applied in fields, woods, and buildings. (2) Various types. The existing insulators mainly include glass insulators, ceramic insulators, and composite insulators, which make the defects under different insulators more diverse. (3) Different scales. Insulator defects show multi-scale in appearance. For example, the scale of missing is relatively large, while the scale of damage is small. In order to better accomplish the detection of geometric defects of insulators. We propose a Multi-Geometric Reasoning Networks (MGRN), which fully taps into the geometric information of defect samples and the spatial location information of defects to address the three challenges in insulator defect detection. The detection accuracy of insulator geometric defects is significantly improved. The main technical contributions of this work can be summarized as follows:
- Aiming at the different challenges in the defect detection of insulators, we construct two different types of geometric features and propose a multi-geometric reasoning network model (MGRN) to integrate them. This model can effectively improve the detection accuracy of insulator defects on transmission lines, and the recognition effect is remarkable, especially for some hard-detection geometric defects.
- The appearance geometric reasoning (AGR) module is used to extract artificial defect sample features. The parallel feature transformation (PFT) module can enable the feature to be used in the real defect samples and extract the appearance geometric feature of the real defect samples. The spatial geometric reasoning (SGR) module is used to extract spatial geometric features of real defect samples. Thus, the multi-geometric features can be better integrated into the deep learning model.
- The model can achieve better performance on a small number of samples, as well as a better improvement in insulator damage defect detection. It also provides a new idea for multi-scale object detection with few samples.
The rest of the paper is organized as follows. Section 2 describes the appearance geometric reasoning model, and the parallel feature transformation, the proposed spatial geometric reasoning model. Section 3 assesses the performance of the solution and presents the numerical results. Finally, the conclusive remarks are given in Section 4.
2. Proposed MGRN Based Solution
2.1. System Overview
In this article, insulator geometry defect detection is regarded as an instance-level task. The proposed MGRN is built on the Faster R-CNN [24] as the detector framework. The architecture of the proposed approach includes three major components: (1) appearance geometric reasoning sub-module (AGR) for artificial sample defect feature information extraction; (2) parallel feature transformation sub-module (PFT) for mapping artificial sample features to real sample feature space; (3) spatial geometric reasoning sub-module (SGR) for real sample space information extraction, as illustrated in Figure 2.
Figure 2.
Architecture of the proposed MGRN. In the preparatory phase, the appearance geometric features of the artificial samples are modelled as intra-class covariance matrices and similarity matrices by the AGR sub-module. In the formal phase, the original features are extracted from the real samples (using CNN and RoI Pooling); the appearance geometric and spatial geometric features are extracted from the real samples (using SGR sub-module and PFT sub-module); finally the obtained features are fused from the real samples.
The MGRN network involves a preparatory phase and a formal phase. In the preparatory phase, the appearance geometric features of the artificial samples are modelled as intra-class covariance matrices and similarity matrices by the AGR sub-module. In the formal phase, our algorithm produces feature map and region proposals from input real images based on the CNN backbone and region proposal network (RPN). Next, the PFT and SGR sub-modules are utilized to respectively generate appearance geometric features and spatial geometric features. Finally, these feature maps are fused. The new method MGRN effectively introduces the geometric information from the space and exterior points of view and improves the accuracy of insulator defects detection.
2.2. Appearance Geometric Reasoning
In aerial images of insulator defects, due to the scarcity of defect sample data, it is difficult for data-driven deep learning models to achieve good results. Therefore, an appearance geometric reasoning sub-module is proposed which uses artificial defect samples to assist in extracting defect appearance features, as shown in Figure 3. A large number of artificial 2D solid-color background images are generated by constructing 3D artificial samples, as shown in Figure 4. These artificial defect images have the advantages of a simple background, and obvious and diverse defect features so that we can better obtain the appearance and geometric features of the defects.
Figure 3.
Architecture of the AGR model.
Figure 4.
Artificial defect sample images of insulators (glass, ceramic and composite insulators).
First, the artificial defect images are delivered to a convolutional neural network for extracting deep features , where x is the input image; is the parameterized feature extractor of . The deep features f include the distribution of three main types of features, which are the main body features of the insulator (I), insulator damaged features (D), and insulator missing features (M). It is obvious that the feature similarity of I-D is greater than that of I-M and the feature similarity of I-M is greater than that of D-M in terms of physical geometry (), as shown in Figure 5. It can be observed that whether the appearance of geometric features of artificial defect samples can be fully extracted depends on the training results of the feature extraction network. For this purpose, we choose the deep features with accuracy , and is a hyperparameter. Next, the intra-class covariance matrices of the three types of features are calculated to represent the distribution of the appearance geometric features of the insulator body, insulator damaged, and insulator missing. The calculation formula is as follows:
where .
Figure 5.
Similarity ranking of insulators with damaged and missing defects compared with the defect-free insulator.
Then, the cosine similarity of the appearance geometric features , and are calculated to represent the geometric similarity of the physical appearance of the insulator and geometric defects on the instance-level image. The calculation formula is as follows:
At this point, we get the two parameters delivered to the PFT sub-module of the formal phase for graph reasoning, which are node features , and (the appearance geometric features of artificially defect samples) and node relationship matrix (the similarity matrix of appearance geometric features). Finally, we ensure the convergence of the network parameters during the training of artificially defect samples by a cross-entropy loss function. The calculation formula is as follows:
where n is the number of samples; is the artificial defect sample label, and is the probability of the defect category predicted by the model.
In this section of appearance geometric reasoning, we describe how to obtain information about the appearance geometric features and similarity of defect samples. However, the information is obtained based on artificial samples. How to apply the information to the detection of real defect samples is a problem worth considering. To solve the problem, the parallel feature transformation sub-module (PFT) is designed for Artificial-Real transformation.
2.3. Parallel Feature Transformation
In this section, the parallel feature transformation sub-module (PFT) will be described in detail, as shown in Figure 6.
Figure 6.
Architecture of the PFT model. (a) shows that the box contains category information and feature information; (b) shows a mapping mechanism; (c) shows the process of using graph neural network for the appearance geometric reasoning of real samples.
In the formal phase, the object regional proposals (Bboxs) are obtained from the real samples through CNN, RPN, and RoI Pooling in turn. The Bboxs contain the category information and feature information, as shown in Figure 6a. Then, we map the appearance geometric features , and and the similarity matrix generated by the AGR sub-module to the object regional proposals with the same category labels by the mapping mechanism g. The purpose is to obtain the appearance geometric features , and and the similarity matrix that can be used to assist in the detection of real samples, as shown in Figure 6b. The calculation formula is as follows:
where ; g is a unidirectional surjection function; ℏ and correspond to the artificial sample feature space and the real sample feature space, respectively.
Finally, the appearance geometric features , and and the similarity matrix are send to the Graph Neural Network (GNN) [28] for reasoning the appearance geometric features of the real samples, as shown in Figure 6c. Likewise, the normalized adjacency matrix of the is composed of ; and correspond to the input and output features of the respectively; is the learned weight matrix; and represents a ReLU activation function. The calculation formula is as follows:
2.4. Spatial Geometric Reasoning
In aerial images of insulator defects, the insulator defect area is relatively small compared to the whole image, which makes defect detection more difficult. Therefore, to greater extract the defect features, it is necessary to design a module to capture the interaction information between the defect area and the global area. The obvious spatial information includes: (1) the defect area must be located on the main body of the insulator strings; (2) there is also a spatial positional relationship between different defects; (3) the spatial positional relationship also exists between the defect area and the adjacent insulators. By extracting the spatial information and utilizing the Graph Neural Network (GNN) for learning, the spatial geometry features for assisting the localization and regression of region proposals in the object can be obtained, as shown in Figure 7.
Figure 7.
Architecture of the SGR model.
In detail, the proposal features were obtained from the real samples by RPN. Then it is submitted to RoI Pooling to generate the 128 regional proposals for a graph convolution network . In the GNN, each node v corresponds to a region proposal. To reduce the redundant noise information in the modeling process of spatial geometric location information and make the output node information smooth, the k region proposals are selected as nodes of the GNN, where k is a hyperparameter; , is a set of nodes.
The spatial geometric relationship between the region proposals is represented by a set of spatial location calculation laws. This enables the interaction of information between the region proposals and overcomes the effects of different scales of defects and different spatial locations. Due to the few defect labels in a single image, the spatial location relationship of the regional proposals with different labels is simple. Thus, only little node information is required to construct a graph neural network. The calculation formula is as follows:
where is a center point coordinates of the region proposals; and correspond to the width and height of the region proposals, respectively.
The spatial location relationship is supplied to a ReLU activation function and then normalize it to obtain the final spatial geometry relationship . The spatial geometric relation as the node-to-node edge in the GNN. The calculation formula is as follows:
where ; E is a set of edges; is a learnable weight parameter.
After obtaining information about the nodes and edges used for the GNN, we construct a GNN to represent the spatial geometric features of the defect location information. where is the normalized adjacency matrix formed by ; and correspond to the input features and output features of the GNN, respectively; is the learned weight matrix; represents the ReLU activation function. The calculation formula is as follows:
2.5. Training Method
This section describes the loss function, feature fusion approaches, and the model training process. The weighted sums operation is adopted to fuse the original features, the appearance of geometric features, and spatial geometric features. This can effectively avoid the impact of feature redundancy on the model performance. The calculation formula is as follows:
where is a hyperparameter.
The loss function is a multi-task loss on each proposal RoI for jointly training classification and bounding-box regression. The calculation formula is as follows:
where i is the index of proposals. The and are the ground-truth label and box, respectively. The classification loss is cross entropy loss over multiple classes of fittings. The regression loss is defined by loss function. In practice, we adopt the generally used technique SGD to implement our algorithm.
The model training process is carried out with the following steps:
- First, to obtain the deep features f of artificial defect samples, our method trains a classifier named Classifier-0 by cross-entropy loss in the preparatory phase;
- Third, the Bboxs are obtained from the real samples through CNN, RPN, and RoI Pooling in turn by loss function in the formal phase;
- Fifth, fuse original features and enhanced features and together and output the ;
- Last, train GNN and for reasoning and learning spatial geometric feature and appearance geometric feature by loss function , respectively;.
3. Experiment and Numerical Result
3.1. Datasets Description
AS-I Dataset: AS-I defect dataset is a high-quality database of different angles generated from 3D defect models, which was collected to solve the problem of insulator geometric defect detection. The dataset includes two categories of insulator defects, including 1175 damaged insulator images, 1814 missing insulator images, and 1360 defect-free insulator images. The resolution of each raw image is . All images are pure color backgrounds which makes the high contrast between object and background in the total dataset. Figure 4 shows a part of the AS-I dataset.
RS-I Dataset: The RS-I defect dataset consists of 332 images of two types of defects, insulator damage and insulator missing, including 303 insulator labels, 165 missing insulator labels, and 183 damaged insulator labels. These defect images have different resolutions and most of them contain a series of noises, such as the diversity of defect shapes, and relatively low contrast between the object and the background. All these factors pose great challenges to detection. Figure 1 shows a part of the RS-I dataset.
3.2. Implementation Details
Parameters Setting: We use Faster R-CNN as our baseline model and adopt a pre-trained ResNet50 [29] on ImageNet as the backbone network. In RS-I and AS-I datasets training stage, we both adopt mini-batch stochastic gradient descent (SGD) optimizer with a momentum of 0.9 for network optimization. In RS-I and AS-I datasets, the training set and the validation set are divided in the ratio of 1:1 (i.e., 166 training/test samples) Detailed parameters setting is shown in Table 1.
Table 1.
Experimental basic parameters setting.
Computation Platform: We implement our method on the PyCharm with the open-source toolbox PyTorch. We run our method in an NVIDIA GTX 1080Ti GPU on Ubuntu 16.04.
3.3. Evaluation Metrics
In terms of evaluation metrics, binary precision (P) and recall (R) are chosen to validate the detection performance in our work. The binary P and R are calculated by:
where TP, FP and FN represent the number of true positive, false positive and false negative samples respectively.
Furthermore, average precision (AP) for binary pest localization is applied as a comprehensive evaluation metric to take the P and R into consideration together. In single object detection, the AP of detecting an object is computed by the integration of the precision-recall (PR) curve. The calculation formula is as follows:
In the multi-object detecting task, we usually select the mean average precision (mAP) that is obtained by taking an average of APs from all the fitting categories to evaluate the model accuracy. The calculation formula is as follows:
For a comprehensive and comprehensive evaluation, we adopt the metrics from COCO detection evaluation criteria [30], i.e., mAP across different intersection over union (IoU) thresholds (IoU = 0.5:0.95, 0.5, 0.75). We also use average recall (AR) with a different number of given detections per image (1, 10).
3.4. Comprehensive Comparison and Analysis
For the sake of verifying the performance of the proposed method more comprehensively, The COCO evaluation criteria are employed to compare MGRN with other object detection models, viz. YOLOv3 [22], Retina Net [31], SSD [21], Cascade R-CNN [32], Libra R-CNN [33] and baseline model. The results are listed in Table 2.
Table 2.
Performance comparison of different detection methods. Bolded numbers indicate optimal.
It can be seen from Table 2 that the value of the MGRN model reached 54.7%, an increment of 4.9% compared with the baseline model. Compared with Libra R-CNN and Cascade R-CNN model, the value of our model was increased by 3.9% and 5.1%, respectively. This demonstrates that our method can improve both the accuracy and false discovery rate by extracting the appearance geometric features and spatial geometric features of defects. We also compare our method to other object detection models in Table 2. It can be observed that the MGRN outperforms other competing methods by a large margin. Compared with other models, MGRN has greatly improved the detection effect of hard-detection insulator defects. In terms of damaged defect detection, the proposed MGRN increases the by 4% compared with the baseline model. Similarly, the proposed MGRN increases the by 3.2% compared with the baseline model in the missing defect detection. The detection results of each category are shown in Figure 8.
Figure 8.
Comparison of defect detection results of various models.
To qualitatively analyze the detection effect of the proposed model, the visualization comparison between the baseline and MGRN is shown in Figure 9, where the blue boxes represent the repeated detection of insulator and insulator defects and the red boxes represent the missed-detected insulator defects. As shown in Figure 9, damaged and missing defects can be hardly detected due to the size of the defect in the image being too small.
Figure 9.
Qualitative result comparison for defects detection. (a–c) baseline detection results; (d–f) MGRN detection results.
In particular, the similarity in shape and background of defects and adjacent insulators results in missed detections in the baseline model. MGRN effectively utilizes the appearance geometric information and spatial geometric information of defects, reduces the influence of the texture color information on the model, and greatly improves the detection precision. As shown in the red box in Figure 9b, defects with minor features and similar background colors are not detected by the baseline model. However, the MGRN model overcomes this problem in Figure 9e, and it is able to detect this defect.
3.5. Ablative Study
To evaluate the proposed solution, this article conducts a rank of ablative experiments, including hyperparameter setting in the total model, and the effects of the fusion feature. We did some tests on the Faster R-CNN baseline model. All the evaluations of these ablative experiments are based on the RS-I dataset.
Contributions of Each Sub-module: The proposed MGRN consists of three sub-modules, i.e., AGR sub-module, PFT sub-module, and SGR sub-module. The AGR sub-module and PFT sub-module are used to extract the appearance geometric features of defects. The SGR module is used to extract the spatial geometric features of defects. We compare the detection results of different sub-modules on the RS-I dataset. The result is shown in Table 3. The AGF represents the model of only using the AGR sub-module and the PFT sub-module for defect detection. The SGF represents the model of only using the SGR sub-module for defect detection. It can be observed that the performance will increase by 3.2% and 4.2% if we add either sub-network, which can further validate the effectiveness of each component in the proposed MGRN.
Table 3.
Comparison of test results of different sub-modules. Bolded numbers indicate optimal.
Impact of Different Regional Proposal Parameters: we compare the detection performance with the different number of region proposals based on the SGR sub-module. The hyperparameter . Table 4 shows the result with different k, marking best and second best. It can be observed in Table 4 that the SGR sub-module can preferably improve the baseline model when only the four region proposals are used to represent the spatial geometric features. At this point, the value of the MGRN model with only the SGR sub-module reached 53.1%. It can be observed that as the value of k increases, the performance of the model declines instead. When all 128 region proposals are used to structure the network, the SGR sub-module accomplishes the maximum results in , , , and . However, this will generate redundant information and a huge computational overhead. Thus, we choose the in the SGR sub-module.
Table 4.
Comparison of test results of different k. The underlined numbers indicate sub-optimal, the bolded numbers indicate optimal.
Impact of Different Similarity Matrix with Different Accuracy Levels: We use different accuracy to conduct the ablative experiments from 95% to 99%, the accuracy Classifiers with different accuracy determine the results of appearance geometric feature extraction for artificial samples. We calculated the similarity matrix generated in the AGC sub-module with different precision, as shown in Figure 10. It can be observed in Figure 10 that is greater than and is greater than at different accuracy.
Figure 10.
The similarity matrix with different accuracy.
To prove the effectiveness of appearance geometric feature generated by AGC sub-module and PFT sub-module with different accuracy of the similarity matrix. The results are shown in Table 5. The value of the model gradually increases as the accuracy improves. When the accuracy is 99%, the value of the MGRN model with only the AGR sub-module and PFT sub-module reached 54%. This shows that the appearance of geometric features from the artificial samples can be effectively expressed through the graph reasoning network , thereby improving the insulator defects detection performance.
Table 5.
Comparison of test results of different accuracy.
Impact of Different Features Fusion Scales: This work evaluates the effect of different feature fusion scales on the MGRN model, and the corresponding performance is shown in Figure 11. It can be observed from Figure 11 that the MGRN model displays better and reaches 54.7% when the hyperparameter equals 0.4, which demonstrates the feature maps fusion can significantly promotes the performance of the detection in the proposed solution. Figure 11 shows that the AGR sub-module, PFT sub-module, and SGR sub-module can effectively solve the problem of insulator geometric defect detection with strong robustness. In addition, the large gap in feature fusion rate will reduce the detection performance of the MGRN model as shown in Figure 11. However, the overall performance of the model still improves over the baseline model.
Figure 11.
Performance of different feature fusion scales.
4. Conclusive Remarks
This paper developed an automatic reasoning detection network based on multi-geometric features for defect detection of electric transmission line insulators. In the proposed solution, the AGR sub-module is developed to extract the appearance geometric features of defects from the artificial insulator samples with defects. Through designing the PFT sub-module, the extracted appearance geometric features are made available to the graph convolutional network for reasoning learning. In addition, the SGR sub-module is developed to identify the space geometric position relationship between defects to capture the interaction information under the regional proposals.
The proposed solution is extensively assessed through experiments against the existing solutions and the numerical results demonstrated that the proposed MGRN-based solution significantly advanced the benchmarking solutions on insulator geometric defect detection with limited data availability, and the improvement of the scarcity sample is up to 41.8%. To our knowledge, it is the first work that artificial samples are expressed in deep space and then transformed into real samples and applied to transmission line insulator geometric defect detection. In future research, we plan to seek a better appearance geometric representation method of defects to improve the detection performance and meet the requirements of real-world scenarios.
Author Contributions
Conceptualization, Z.H. and Q.W.; methodology, Z.H. and Q.W.; software, Z.H.; validation, Y.Z., Q.Y. and K.Y.; formal analysis, K.Y.; investigation, Z.H.; resources, Y.Z.; data curation, Y.Z.; writing—original draft preparation, Z.H.; writing—review and editing, Z.H. and Q.Y.; visualization, Z.H.; supervision, Y.Z.; project administration, K.Y.; funding acquisition, Y.Z. All authors have read and agreed to the published version of the manuscript.
Funding
This work is supported in part by the National Natural Science Foundation of China (NSFC) under grant number U21A20486, 61871182, by the Natural Science Foundation of Hebei Province of China under grant number F2021502008.
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
Not applicable.
Acknowledgments
Special thanks are given to the Department of Automation and North China Electric Power University and Smart Energy Systems (SES) Laboratory, College of Electrical Engineering, Zhejiang University.
Conflicts of Interest
The authors declare no conflict of interest. The funders had no role in the design of the study; in the collection, analysis, or interpretation of data; in the writing of the manuscript; or in the decision to publish the results.
Abbreviations
The following abbreviations are used in this manuscript:
| MGRN | Multi-Geometric Reasoning Network |
| SGR | Spatial Geometric Reasoning |
| AGR | Appearance Geometric Reasoning |
| PFT | Parallel Feature Transformation |
| SSD | Single Shot MultiBox Detector |
| CNN | Convolutional Neural Network |
| YOLO | You Only Look Once |
| RPN | Regional Proposal Network |
| GPU | Graphics Processing Unit |
| P | Precision |
| R | Recall |
| TP | True Positive |
| FP | False Positive |
| FN | False Negative |
| UAVs | Unmanned Aerial Vehicles |
References
- Li, S.; Li, J. Condition monitoring and diagnosis of power equipment: Review and prospective. High Volt. 2017, 2, 82–91. [Google Scholar] [CrossRef]
- Park, K.C.; Motai, Y.; Yoon, J.R. Acoustic fault detection technique for high-power insulators. IEEE Trans. Ind. Electron. 2017, 64, 9699–9708. [Google Scholar] [CrossRef]
- Lei, X.; Sui, Z. Intelligent fault detection of high voltage line based on the Faster R-CNN. Measurement 2019, 138, 379–385. [Google Scholar] [CrossRef]
- Choi, I.H.; Koo, J.B.; Son, J.A.; Yi, J.S.; Yoon, Y.G.; Oh, T.K. Development of equipment and application of machine learning techniques using frequency response data for cap damage detection of porcelain insulators. Appl. Sci. 2020, 10, 2820. [Google Scholar] [CrossRef]
- 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]
- 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]
- Tao, G.; Chen, F.; Wei, W.; Ping, S.; Lei, S.; Tianzhu, C. Electric insulator detection of UAV images based on depth learning. In Proceedings of the 2017 2nd International Conference on Power and Renewable Energy (ICPRE), Chengdu, China, 20–23 September 2017; pp. 37–41. [Google Scholar]
- 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]
- Ni, L.; Ma, Y.; Lin, Q.; Yang, J.; Jin, L. Research on Insulator Defect Detection Method Based on Image Processing and Watershed Algorithm. In Proceedings of the 2021 International Conference on Advanced Electrical Equipment and Reliable Operation (AEERO), Beijing, China, 15–17 October 2021; pp. 1–6. [Google Scholar]
- Murthy, V.S.; Tarakanath, K.; Mohanta, D.; Gupta, S. Insulator condition analysis for overhead distribution lines using combined wavelet support vector machine (SVM). IEEE Trans. Dielectr. Electr. Insul. 2010, 17, 89–99. [Google Scholar] [CrossRef]
- Liao, S.; An, J. A robust insulator detection algorithm based on local features and spatial orders for aerial images. IEEE Geosci. Remote Sens. Lett. 2014, 12, 963–967. [Google Scholar] [CrossRef]
- Zhang, Q.; Li, W.; Li, H.; Wang, J. Self-blast state detection of glass insulators based on stochastic configuration networks and a feedback transfer learning mechanism. Inf. Sci. 2020, 522, 259–274. [Google Scholar] [CrossRef]
- 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. 2018, 50, 1486–1498. [Google Scholar] [CrossRef]
- Liu, J.; Liu, C.; Wu, Y.; Xu, H.; Sun, Z. An Improved Method Based on Deep Learning for Insulator Fault Detection in Diverse Aerial Images. Energies 2021, 14, 4365. [Google Scholar] [CrossRef]
- Kalla, U.K.; Suthar, R.; Sharma, K.; Singh, B.; Ghotia, J. Power quality investigation in ceramic insulator. IEEE Trans. Ind. Appl. 2017, 54, 121–134. [Google Scholar] [CrossRef]
- Gonçalves, R.S.; Agostini, G.S.; Bianchi, R.A.; Homma, R.Z.; Sudbrack, D.E.T.; Trautmann, P.V.; Clasen, B.C. Inspection of Power Line Insulators: State of the Art, Challenges, and Open Issues. In Handbook of Research on New Investigations in Artificial Life, AI, and Machine Learning; IGI Global: Hershey, PA, USA, 2022; pp. 462–491. [Google Scholar]
- She, L.; Fan, Y.; Wang, J.; Cai, L.; Xue, J.; Xu, M. Insulator Surface Breakage Recognition Based on Multiscale Residual Neural Network. IEEE Trans. Instrum. Meas. 2021, 70, 1–9. [Google Scholar] [CrossRef]
- Sadykova, D.; Pernebayeva, D.; Bagheri, M.; James, A. IN-YOLO: Real-time detection of outdoor high voltage insulators using UAV imaging. IEEE Trans. Power Deliv. 2019, 35, 1599–1601. [Google Scholar] [CrossRef]
- Wang, S.; Liu, Y.; Qing, Y.; Wang, C.; Lan, T.; Yao, R. Detection of insulator defects with improved resnest and region proposal network. IEEE Access 2020, 8, 184841–184850. [Google Scholar] [CrossRef]
- Zhang, H.; Wu, C.; Zhang, Z.; Zhu, Y.; Lin, H.; Zhang, Z.; Sun, Y.; He, T.; Mueller, J.; Manmatha, R.; et al. Resnest: Split-attention networks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 21–24 June 2022; pp. 2736–2746. [Google Scholar]
- Liu, W.; Anguelov, D.; Erhan, D.; Szegedy, C.; Reed, S.; Fu, C.Y.; Berg, A.C. Ssd: Single shot multibox detector. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 11–14 October 2016; Springer: Berlin/Heidelberg, Germany, 2016; pp. 21–37. [Google Scholar]
- Redmon, J.; Farhadi, A. Yolov3: An incremental improvement. arXiv 2018, arXiv:1804.02767. [Google Scholar]
- Girshick, R. Fast r-cnn. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 1440–1448. [Google Scholar]
- Ren, S.; He, K.; Girshick, R.; Sun, J. Faster r-cnn: Towards real-time object detection with region proposal networks. Adv. Neural Inf. Process. Syst. 2015, 28, 91–99. [Google Scholar] [CrossRef]
- He, K.; Gkioxari, G.; Dollár, P.; Girshick, R. Mask r-cnn. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2961–2969. [Google Scholar]
- Zhai, Y.; Wang, Q.; Yang, X.; Zhao, Z.; Zhao, W. Multi-fitting Detection on Transmission Line based on Cascade Reasoning Graph Network. IEEE Trans. Power Deliv. 2022. [Google Scholar] [CrossRef]
- Kang, G.; Gao, S.; Yu, L.; Zhang, D. Deep architecture for high-speed railway insulator surface defect detection: Denoising autoencoder with multitask learning. IEEE Trans. Instrum. Meas. 2018, 68, 2679–2690. [Google Scholar] [CrossRef]
- Zhou, J.; Cui, G.; Hu, S.; Zhang, Z.; Yang, C.; Liu, Z.; Wang, L.; Li, C.; Sun, M. Graph neural networks: A review of methods and applications. AI Open 2020, 1, 57–81. [Google Scholar] [CrossRef]
- He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
- Lin, T.Y.; Maire, M.; Belongie, S.; Hays, J.; Perona, P.; Ramanan, D.; Dollár, P.; Zitnick, C.L. Microsoft coco: Common objects in context. In Proceedings of the European Conference on Computer Vision, Zurich, Switzerland, 6–12 September 2014; Springer: Berlin/Heidelberg, Germany, 2014; pp. 740–755. [Google Scholar]
- Lin, T.Y.; Goyal, P.; Girshick, R.; He, K.; Dollár, P. Focal loss for dense object detection. IEEE Int. Conf. Comput. Vis. 2017, 42, 2980–2988. [Google Scholar]
- Cai, Z.; Vasconcelos, N. Cascade R-CNN: High quality object detection and instance segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2019, 43, 1483–1498. [Google Scholar] [CrossRef] [PubMed]
- Pang, J.; Chen, K.; Shi, J.; Feng, H.; Ouyang, W.; Lin, D. Libra r-cnn: Towards balanced learning for object detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 821–830. [Google Scholar]
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations. |
© 2022 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).