Next Article in Journal
A LiDAR SLAM-Assisted Fusion Positioning Method for USVs
Previous Article in Journal
Optimal Resource Allocation for 5G Network Slice Requests Based on Combined PROMETHEE-II and SLE Strategy
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Detection of Missing Insulator Caps Based on Machine Learning and Morphological Detection

Electronic Engineering and Intelligence College, Dongguan University of Technology, Dongguan 523000, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(3), 1557; https://doi.org/10.3390/s23031557
Submission received: 1 January 2023 / Revised: 20 January 2023 / Accepted: 25 January 2023 / Published: 31 January 2023

Abstract

:
Missing insulator caps are the key focus of transmission line inspection work. Insulators with a missing cap will experience decreased insulation and mechanical strength and cause transmission line safety accidents. As missing insulator caps often occur in glass and porcelain insulators, this paper proposes a detection method for missing insulator caps in these materials. First, according to the grayscale and color characteristics of these insulators, similar characteristic regions of the insulators are extracted from inspection images, and candidate boxes are generated based on these characteristic regions. Second, the images captured by these boxes are input into the classifier composed of SVM (Support Vector Machine) to identify and locate the insulators. The accuracy, recall and average accuracy of the classifier are all higher than 90%. Finally, this paper proposes a processing method based on the insulator morphology to determine whether an insulator cap is missing. The proposed method can also detect the number of remaining insulators, which can help power supply enterprises to evaluate the degree of insulator damage.

1. Introduction

The functions of insulators, which play an important role in high-voltage transmission lines, are to support power lines and provide electrical insulation [1,2,3]. Missing insulator caps are usually found on glass and porcelain insulators, which are mainly caused by tension on insulators from power lines and towers, and erosion of insulators by wind, acid rain and other weather elements. The insulators of these materials age due to accumulated weather erosion. Under the action of power line tension, the insulator cap is damaged and falls off. In addition, glass insulators can eliminate a flashover cap, which is called “zero-value self-explosion”. Thus, the insulator cap will be missing more frequently in glass insulators. A missing insulator cap decreases the mechanical and electrical properties of the whole insulator string, which will threaten power transmission system operations. Therefore, the detection of missing insulator caps is one of the most important topics in transmission line detection.
Computer vision, which is used to detect transmission line images collected by UAV (Unmanned Aerial Vehicles), is the most popular transmission line detection method [4,5,6]. The main reason for its popularity in high-voltage transmission line detection is that its efficiency and safety are higher than those of manual inspection and crewed helicopter detection. Therefore, high-voltage transmission line detection technology based on computer vision has great research significance and practical value [7,8,9].
The method of UAV transmission line detection is shown in Figure 1. It can be divided into two types: detection images in workstation and detection images in UAV [10,11,12]. Transmission line images can be quickly and accurately detected by the detection method of transmission equipment deployed in the workstation. However, this method not only requires the UAV to transmit a large amount of data to the workstation, but struggles to realize the real-time online detection of UAV. In contrast, the detection algorithm deployed in UAV only needs to transmit the information of fault equipment, which can realize the real-time online detection of transmission equipment. However, the computing power of CPU (Central Processing Unit) in UAV is limited, and thus is unsuitable for algorithms that deal with large amounts of data.
Insulator detection methods are mainly based on machine learning methods, morphological detection method and their combination. Machine learning involves designing a learning algorithm to extract experience from samples to optimize computer performance. Morphological detection refers to establishing a model to describe the morphological characteristics of the object to be detected.
Deep-learning-based detection methods can identify and position insulators well. However, due to the small sample size of faulty insulators, deep-learning methods cannot be directly used for insulator fault detection. R.M. Prates [13] designed an image classification method based on a CNN (Convolutional Neural Network) to detect the integrity of four specific types of insulators and used multitask learning to detect the type of insulator and the degree of insulator damage.This method achieved high accuracy in the detection of those four kinds of insulators. However, the proposed method can detect only those four kinds of insulators, which means that it has a slight lack of generalizability. Q. Huang [14] uses artificial intelligence based on a convolution neural network (CNN) to achieve high-precision and high-yield automatic quality detection, highlighting a low-complexity and low-cost neural network architecture based on CNN. However, the CNN architecture is very complex and cannot be implemented on a computing platform with limited resources. J. Zheng [15] proposed a method of transferable feature learning and instance-level adaptation to improve the generalization ability of deep neural networks, which greatly alleviates the challenge of domain transfer between fully labeled source and sparsely labeled target domain points. Q. Zhang [16] used YOLOV3 (You Only Look Once, Version 3) to locate insulator positions and introduced a transfer learning method to train a deep neural network classifier to judge glass insulator self-explosion. To achieve a high recognition rate, SCNS (Stochastic Configuration Networks) and a feedback transfer learning mechanism were introduced into the training of the deep neural network. After adding two kinds of feedback mechanisms, the accuracy rate of this method reached 89%. To solve the problem of detecting missing caps of insulators. X. Tao [17] first used Faster R-CNN (Region-based CNN) to locate a string of insulators and then used another Faster R-CNN to locate the positions of missing caps in insulator images. The disadvantage of this method is that the dataset of a cap cannot meet the training needs of the Faster R-CNN. Therefore, X. Tao proposed a series of methods to change the backgrounds of detection images and expand the dataset several times. In a word, because the normal insulator image is easy to collect, the method based on a deep neural network is usually used to recognize it [18,19]. Due to the limited number of faulty insulator images, if a deep neural network method is adopted, it is necessary to expand the dataset or introduce various mechanisms into the neural network to adapt to small sample detection [20,21].
A deep neural network needs a huge amount of computation, which is usually deployed to edge devices by heterogeneous computing units [22,23,24]. These heterogeneous computing units are still in the research stage in China. Surface-learning-based detection methods do not need to calculate a large number of data operations, so they have more advantages in edge detection than deep learning. X. Wang [25] extracted Gabor features from detection images and trained an SVM classifier to separate insulators from the background. P.S. Prasad [26] combined wavelet transform features and LBP (Local Binary Patterns) features to train an SVM classifier for insulator detection. X. Huang [27] implmented image segmentation of anti-shock hammers using threshold segmentation and morphological processing to find rusted pixels in the segmented images and detected the rust degree of anti-shock hammers by calculating the rust area ratio (RAR) and color difference index (csl). Y. Qiu [28] extracted 935–1725 nm hyperspectral lines and characteristic wavelengths of component spectral lines from hyperspectral images of pollutants and established characteristic spectrum segments of cap and a random forest classification model based on the full-band training data to identify pollution in insulator hyperspectral images. J. Lu [29] designed a classifier based on SVM and realized the detection of a high-voltage line bird nest. The classifier was learned by a multiple SVM ensemble, and the image features of four bird nests were fused. In summary, surface learning classifiers still play an important role in transmission line detection.
In transmission line inspection, the most commonly used machine learning detection methods are RCNN, YOLO and SVM. The detection method based on RCNN has high accuracy, but it needs a long detection time; thus, it is difficult to meet the requirements of real-time detection task. In contrast, YOLO has a Faster detection speed and can carry out real-time detection. However, they have high resource requirements for the deployment environment, and thus are difficult to deploy to the edge devices. Thus, SVM is widely used in edge deployment because its detection performance is better in shallow learners, and it has the advantage of small computing resources.
Morphological processing is one of the most important tools in image processing. The image morphology is a mathematical element with a certain shape, which is used to extract the corresponding shape, texture, color and other information from the image. W. Chen [30] designed an image segmentation algorithm for insulators based on the color characteristics of the insulators, transformed insulator images into binary images and then used the regional pixel threshold method to judge the position of the missing insulator cap. T. Guo [31] proposed a processing algorithm that combines deep learning and morphology. First, Faster R-CNN is used to locate the insulator position, and after the insulator is extracted, the distance between each adjacent insulator cap is measured using the morphological method to determine whether there are any missing insulator caps. W. Pin [32] compared and analyzed traditional machine learning and deep learning image classification algorithms, and found that traditional machine learning is better for solving small sample datasets and the deep learning framework more accurate for recognizing large sample datasets. Y. Zhai [33] analyzed the color features of insulators and proposed a method based on color features to extract aerial insulators from images. According to the arrangement characteristics of insulators, a morphological detection method for missing insulator caps is proposed. It is necessary to segment the insulator string from the image to judge whether there is a missing insulator cap when using the morphological method. Insulator image segmentation techniques mainly include threshold segmentation, cluster segmentation and deep learning image segmentation methods [34,35,36]. Different segmentation methods should be selected according to the needs of insulator fault diagnosis. Clustering segmentation is very effective for cluster classification segmentation and is particularly suitable for insulator segmentation. Although deep-learning-based image segmentation achieves a high segmentation accuracy and good effect, it requires a large training sample. Different segmentation methods should be selected according to the needs of insulator fault diagnosis.
Deep learning detection methods must expand the dataset or introduce various mechanisms in the neural network to accommodate small sample detection when the sample size of faulty insulators is small. Additionally, deep neural networks require a large amount of computation and cannot be deployed directly to edge devices through heterogeneous computing units, so deep learning methods cannot be adapted to small sample insulator fault detection. Therefore, this paper proposes a detection method based on machine learning and morphology to extract grayscale and color features of insulators; extract similar feature regions of insulators from the detection images and generate candidate frames based on these feature regions; and input the captured images into a classifier consisting of SVM (Support Vector Machine) to identify and locate insulators. This method can better quantify the degree of equipment failure and is used in tasks with small sample sizes of faulty insulators to determine if insulator caps are missing, and the proposed method can also detect the number of remaining insulators.

2. Proposed Method

The missing insulator cap detection method proposed in this paper is divided into two steps. First, the insulator is located and identified in the transmission line detection image, and then the morphological method is used to determine whether there is a missing insulator cap. The specific steps of this method are shown in Figure 2.
First, similar feature regions of the insulator are extracted from the transmission line inspection image. According to the material characteristics of porcelain and glass insulators and the relevant electrical regulations, it can be concluded that the gray levels of these two insulator images and the values of the red and blue channels in the RGB images are relatively large. Second, these features are used to extract feature regions from the transmission line inspection images. Then, candidate boxes are generated according to these regions, and these boxes are used to separate the candidate images from the inspection images. These candidate images are input into the SVM-based classifier to recognize the insulator, the insulator position is regressed and the target image of the insulator is obtained.
The insulator target image acquisition will be described in detail in Section 3. The structure of the insulator image classifier used in target image acquisition is described in Section 4. Finally, the pixel points belonging to the insulator are segmented from the target image, and the proposed pixel-based statistical method is used to determine the faults. The contents of these steps will be described in detail in Section 5.
The main contributions of this study are as follows. According to the insulator color and gray features, a region search method based on insulator features is proposed. It can remove a large number of insulator-independent regions in the inspection image and simplify the insulator candidate frame extraction. According to the idea of selective search, a regional target detection method is designed. Due to the guidance of insulator feature regions, the insulator candidate feature region can be quickly found, and an insulator target image can be obtained. The K-means clustering algorithm is improved according to the morphological characteristics of the insulator. It is used to remove the background of an insulator target image. Most importantly, a defect detection method for missing insulator caps is proposed. The image data are projected into one-dimensional data that can describe the arrangement of the insulating cap, reducing the amount of calculation needed for defect detection. The detection method in this paper can not only detect the missing position of the insulator cap but can also judge the damage level by calculating the number of remaining insulator caps. In order to prove the robustness of the algorithm, the detection effect of this method under different noises is compared. The fault detection conditions under different shooting angles are analyzed, and the drone adjustment method is provided for the acquisition of insulator keyframes.

3. Insulator Target Detection

SVM-based regional positioning usually adopts multiscale windows, edge boxes and BING (binarized normed gradients). However, the background of the inspection image of an insulator is very complicated, so using these methods will slow down the inspection speed. To solve this problem, candidate frame images are generated by extracting similar feature regions of the insulators, which are combined with the SVM classifier to locate the insulators.

3.1. Feature Region Extraction

The red porcelain insulator and the blue glass insulator are taken as the research objects, and the feature region extraction method based on color and gray is designed. Insulators made of glass and porcelain have higher grayscale characteristics than the backgrounds. So, the grayscale threshold segmentation can be used to extract their similar feature regions. The grayscale conversion formula of human vision is shown in (2) [37].
gray x , y = 0.3 R x , y + 0.59 G x , y + 0.11 B x , y
According to the color features of the two types of insulators, a method based on a color feature map is proposed, as shown in (2).
RB Feat x , y = ( R x , y B x , y ) 2
In (1) and (2), RB_Feat (x, y) represents the value of pixel (x, y) in the RGB color feature image and gray (x, y) represents the value of this pixel in the grayscale image. R(x, y), G(x, y) and B(x, y) represent the points where the position is the (x, y) values of the R, G, and B channels, respectively, of the original image.
The acquisition of the characteristic area is shown in Figure 3. The proposed method is not suitable for high-resolution image processing. Therefore, the subsampled operation is carried out on the insulator inspection image to reduce the image resolution and obtain Figure 3a. Figure 3a is converted into the images shown in Figure 3b,c according to (1) and (2), respectively. Figure 3b,c are segmented using Otsu’s thresholding method to obtain their corresponding binary images, as shown in Figure 3d,e, respectively. The two binary images are subjected to an intersection logic operation, and the combined image is subjected to an open operation of the binary image to obtain a binary representation image of the characteristic image of the insulator, as shown in Figure 3f.
Multiple feature regions can be obtained by detecting the connected regions in the binary image. According to the feature region, candidate images of insulators can be obtained to realize the recognition and location of insulators. The proposed method is not only suitable for red and blue insulator feature region extraction, but also for yellow, cyan, brown and purple insulators. The characteristic of these colors is that the value difference between R channel and B channel is large.

3.2. Generation of the Candidate Boxes

According to the binary representation of the insulator features, the original RGB image can be marked with bounding boxes, as shown in Figure 4.
The images captured by these bounding boxes cannot be candidate frames for area object detection because of the following problems:
(1) A string of insulators may be divided into multiple connected regions in the feature map represented by the binary image.
(2) The insulator and the background pixels with similar features to the insulator are in the same communication area.
(3) There is another string of insulators in the candidate box of insulators, leading to missed detections.
To solve these problems, a method similar to a selective search is proposed to merge regions and generate candidate boxes. Although the color and grayscale features of these regions are similar to those of the insulators, they are still very different from the color features of the insulators in the RGB images. Therefore, candidate regions can be determined according to these features. The color feature is judged by the distance from the mean RGB value, and the similarity judgment formula is as follows:
similarity = 1 2 R 1 a v e R 2 a v e 2 + G 1 a v e G 2 a v e 2 + B 1 a v e B 2 a v e 2 gray 1 a v e + gray 2 a v e
This equation represents the similarity judgment of image 1 and image 2. R1ave, G1ave and B1ave represent the average values of the R, G, and B channels in image 1; R2ave, G2ave and B2ave represent the average values corresponding to image 2. According to (3), the candidate frame generation and insulator region location method is as follows:
(1) For each adjacent or intersecting feature box, the similarity is calculated based on the RGB color features of the area connected by the similar features of the insulator in the box. If the similarity exceeds 80%, they will be merged into one box. For two intersecting boxes with the same color feature, the position information of the original box should be retained after the merge to judge whether there are multiple different insulators in a box. This step is repeated until the color feature similarity between each adjacent box is less than this value. (Note: adjacent boxes refer to the distance of the nearest box in each direction and not the nearest box.)
(2) The following process is performed on the image captured by the feature frame generated in Step (1). The image is divided into multiple cells (the central cell in the image and the edge cells on the four sides of the rectangular image, according to the location of the cell). Then, the color characteristics of the image edge cell and the image center cell are compared. If the color feature of each edge cell on one side of the rectangle is less than 40% similar to that of the center cell, all the edge cells on that side are deleted. This step is repeated until one or more cells with the same color characteristics as the center cell appear on the edge.
(3) The images captured by all the boxes are subsampled to a uniform size and then input into the SVM base classifier for classification. All the boxes whose classification results are not insulators are deleted.
(4) For two boxes that intersect and whose captured images are judged as “insulators” by the classifier, we propose a method to judge whether they are different positions of the same string of insulators. The areas of the two intersecting boxes are calculated separately. If the area of a box is less than 20% of the combination of the two boxes, the box is directly regarded as another string of insulators.

4. Classifier for Insulator Recognition

The trained SVM base classifier and the candidate frame generation proposed in the previous section can be combined to realize the insulator’s location.

4.1. Feature Extraction

Feature engineering refers to the process of transforming the original data into the training data of the model. Image processing can reduce the dimensions of data and obtain better training data features.

4.1.1. LBP

The texture and color feature of insulator string is obviously different from that of the background, so these features can be used for classification and recognition. LBP is an effective texture description operator, and its principle is shown in Figure 5.
First, the original image is converted into a grayscale image, and then the entire image is divided into multiple cells of the same size. Then, the periphery is binarized according to the center of each cell and converted into a decimal number. Finally, by counting the decimal numbers obtained through all the cell operations, the LBP feature histogram of the image is obtained. A binary cyclic shift of the LBP feature data is performed on the histogram, and the smallest decimal number in the displacement is selected to replace the original value to reduce the scope of the histogram. The purpose of this step is not only to preserve the LBP feature rotation data, but also to reduce the amount of input data for the SV.

4.1.2. GLCM

GLCM is a description of image texture. It counts the relationship between two pixels of equal distance in the same direction in the gray image. The acquisition method of GLCM is shown in Figure 6.
It can be seen from this figure that the scale of GLCM is related to the depth of the gray-level image. The gray value range of the original gray image is 0~255, so there are 65,536 kinds of gray relations between two points. The data volume of GLCM can be reduced by a decline in the gray depth of the image, as shown in (4).
g = gray / 16
The “gray” is the gray image of the original detection, and “g” is the gray image after a decline in the gray depth. In the image g, pixels satisfying a distance of 1 and a direction of 0 degrees are regarded as a group, the relationship between two points in all groups is counted and GLCM is generated.

4.1.3. RGB Histogram

Because the insulator has distinct color features, a RGB histogram is used to extract its color features as the input data of SVM. The RGB histogram is used to calculate the number of pixels of each color depth in the image.
Figure 7 is the RGB histogram of the insulator. The red, blue, and green lines represent the number of pixels for each color depth in the insulator image. It can be clearly seen that most of its pixels have larger values in the red channel, so it is a red insulator. The distribution of 256 groups of color depth in R, G and B channels can be obtained by loading the RGB image of insulator with 8 bit color depth. Therefore, the amount of RGB data input to the classifier is 768.

4.2. Structure of Classifier

The classifier for identifying insulators is integrated by four SVM classifiers, and its structure is shown in Figure 8.
The fusion of multiple image features can increase the accuracy of the classifier, but it increases the scale of the classifier at the same time. The proposed classifier integrates SVM classifiers with different image features. It not only improves the accuracy of insulator identification, but also reduces the computational complexity.
SVM is a classifier that performs binary classification on data based on supervised learning. The principle is to find a separating hyperplane that can correctly divide the training dataset and has the largest geometric interval.
The classification principle of the SVM is shown in Figure 9 [38], circles and squares represent different categories, the solid line is the decision boundary between the two categories, and the dotted line represents the interval between the two categories. and the hyperplane is calculated as:
w x + b = 0
w is the normal vector of the hyperplane, and b is the offset. According to the hyperplane, two decision-making boundaries parallel to it are constructed to realize the two classifications of the samples.
w x i + b 1 y i = 1 w x i + b 1 y i = 1
x i represents the i-th sample, and y i represents the classification prediction results of the sample. 2 w is the distance between the two decision boundaries.

5. Insulator Detection

After extracting the feature region of the insulator detection image and using the SVM classifier to judge it, the target insulator image can be taken from the original image. According to the statistical data of the insulator pixel distribution, this method determines whether there is a cap missing in the insulator string. To obtain the insulator pixel statistics, we first use image segmentation technology to convert the target image of the insulator into a binary image.

5.1. Segmentation of the Insulator from the Target Image

In the feature region extraction step proposed in this paper, image segmentation technology is used to extract similar feature regions of insulators; however, using this method to segment the target image of insulators will lead to the over-segmentation of insulators. In order to better remove the background of the image and extract the insulator, we propose an improved k-means clustering algorithm to segment the target image for the insulators. The steps of this method are as follows:
(1) According to the RGB value of the pixel and the position information in the image, all the pixels are transferred to a five-dimensional coordinate system.
(2) Calculate the R + b value of each pixel in the image. The pixel corresponding to the minimum value is randomly selected as the cluster center of cluster 0, and the pixel corresponding to the maximum value is selected as the drama center of cluster 1.
(3) For each pixel, the distance d between it and each cluster center is calculated in the coordinate system. It is divided into a cluster with the nearest cluster center.
d = R s R c 2 + G s G c 2 + B s B c 2 + X s X c 2 + Y s Y c 2
Rs, Gs and Bs are the R, G and B channel values of the sample pixels, respectively, and Xs and Ys represent the coordinates of the sample pixels. Similarly, Rc, Gc and Bc are the R, G and B channel values of the cluster center, respectively; Xc and Yc represent the coordinates of the cluster center.
(4) The mean value of all pixels in each cluster is calculated, and a new cluster center is generated according to the value.
(5) Repeat steps (3) and (4) until the mean value no longer changes or the range of change is less than the threshold value. Finally, according to the grouping information of each pixel, a segmented binary image of the insulator is generated.
Since the method knows the color characteristics of the insulator, it can choose the points with the largest and smallest sums of the R and B channel components as the two initial cluster centers in the k-means clustering algorithm. In this way, the problem of slow fitting due to the random selection of initial points can be avoided.
Figure 10a,c,e show the most common types of insulators made from glass and porcelain; the missing cap phenomenon often occurs in these three types of insulators. The binary images obtained after the k-means clustering segmentation of Figure 10a,c,e are shown in Figure 10b,d,f, respectively. Although there is still some noise and over segmentation in the segmented binary image, these factors do not affect the “missing insulator-cap” judgment.

5.2. Determine Whether the Insulator Cap Is Missing

Analyzing the distribution characteristics of the insulator pixels in a binary image of the insulator can determine whether a cap is missing. In this paper, a new insulator pixel distribution method is proposed. According to the shape characteristics of the insulator, the extracted insulator image is first rotated so that the angle between the central axis of the insulator strip and the horizontal axis of the image is less than 30°. Second, the number the insulator pixels in each column of the insulator binary image is counted. Because the insulator pixels are given values of one and the background pixels are given values of zero after the image is segmented, the statistical formula for each column of insulator pixels is as follows:
y i = j = 0 N 1 A [ i ] [ j ]
In (8), M * N is the resolution of the binary image, and A [i] [j] is the value of the pixel in the i-th row and j-th column. The binary image and its corresponding insulator pixel content statistics in each column are shown in Figure 11. It can be seen from the figure that when the insulator segmentation effect is ideal, the missing position of the cap can be quickly found from the pixel statistics chart.
In the pixel statistical diagram of an insulator, the approximate position of the abscissa of the missing cap can be quickly located. The position in the RGB image of the insulator missing cap is shown in the red box in Figure 11f. In Figure 11b, the distance between adjacent peaks is almost equal, and the wave crest of the missing cap position is obviously much smaller than those of the other peaks. Since the insulators in the figure are arranged in double strings, it is necessary to return to the binary image to locate the “missing insulator-cap”. The abscissa range of the missing cap is obtained according to the pixel statistical graph, and then the ordinate of the missing cap is further determined according to the arrangement of insulator caps and two strings of insulators in the abscissa range. Due to the influence of complex background factors, there may be some noise in the segmented binary image, as shown in Figure 11d. However, the location of the missing cap can still be clearly found in its pixel content statistical graph, as shown in Figure 11e.
Through the statistical graph of insulator pixels, the phenomenon of the missing cap can be judged. However, for insulators installed in parallel, the number of remaining insulator caps cannot be calculated. Therefore, it is necessary to further process the binary image of the insulator.
For example, in a high-voltage line, M insulators are installed in parallel, and each insulator has N insulator caps. According to the statistical graph of insulator pixels, the binary image of insulator is cut into N images. The connected regions in the segmented image whose area reaches the set threshold are marked, and the center coordinates of all marked connected regions are calculated. Due to the camera angle and image segmentation, a connected region may contain multiple insulator caps. Therefore, it is necessary to calculate the area of connecting area to judge how many insulator caps this area represents. By comparing the number and area of connected regions and the position of connected regions in n images, the position of missing caps and the number of remaining caps can be obtained.

6. Experimental Section

6.1. Environment and Dataset

The experimental operating system is ubuntu, and the deployment code of the proposed insulator detection method is python 3.5. The classifier for insulator recognition is constructed using scikit-learn and OpenCV is used to extract image features.
We collect 500 insulator detection images and use the insulator feature area extraction method to generate candidate boxes. Among these boxes, we manually select the box belonging to the insulator and the background box. Finally, we manually label the images captured by these boxes and generate a dataset. The dataset is divided into two categories: “insulators” and “background”. The “background” is mainly the background target detected in the detection image through the proposed similar feature area of the insulator, and there are a total of 450 background images. The “insulators” include 225 porcelain insulators and 225 glass insulators. When training the SVM classifier, the insulator and background samples are randomly divided into a training set and test set at a ratio of 7:3. The required image features are extracted and the four basic classifiers of the ensemble classifier are trained, respectively.

6.2. Penalty Parameter “C”

To solve the overfitting problem of the SVM and improve the generalization ability of the classifier, the penalty function “C” is introduced to relax the edges, and the samples with incorrect classifications are treated as noise. The classification deviation of the sample by the SVM classifier can be expressed as a loss function:
l o s s = max ( 0 , 1 y ( w x + b ) )
After introducing the relaxation variable, the optimization problem mentioned above can be transformed into the following formula:
min w , b , ζ = 1 2 w 2 + C i = 1 n ζ i
The formula follows the following rule:
y i ( w x i + b ) 1 ζ i ( ζ i 0 )
C is the penalty factor and w is the hyperplane in (11).
ζ i is the classification loss of the i-th sample and i = 1 n ζ i is the composite error. The value of C represents the attention given to the sample value during training. When C is infinite, samples with classification errors are not allowed, so this problem becomes a hard-boundary SVM problem. When C infinitely approaches 0, the formula no longer focuses on whether the classification of the sample is correct, and the SVM loses the meaning of the classification. The debugging process of the penalty factor C is shown in Figure 12.
The basic classifier of the proposed classification framework is independent training. All the basic classifiers are trained and debugged to the best performance before ensemble detection. In the proposed classification framework, the penalty parameters of four basic learners are 2, 4, 16 and 32, respectively.

6.3. Comparison with a Single-Image Feature Classifier

The common Surface classifiers are SVM, KNN (K-Nearest Neighbor) and RF (Random Forest). The comparison results between the detection method proposed in this paper and common machine learning classifier methods are shown in Table 1.
It can be seen from the table that the accuracy, recall and AP (Average Precision) of the classifier integrated with multiple features are higher than those of the unary classifier with only one input feature.

6.4. Compared with Ensemble Classifier or Multi-Feature Classifier

The comparative experiments of multi-feature fusion machine learning detection and multi-classifier ensemble detection are shown in Table 2.
The LBP input into the classifier integrated by SVM, RF and KNN has higher accuracy than that of the SVM classifier based on LBP. This shows that the performance of the ensemble classifier is better than that of the unit classifier. For multi-feature fusion classifier, it is necessary to evaluate the performance of all features. Combining the image features that are not suitable for insulator classification will lead to a decline in classification accuracy. The proposed classification framework in this paper integrates three features, and its classification performance is similar to that of a single SVM classifier based on the fusion of these features. In contrast, the proposed classifier is faster and employs fewer computing resources. This is conducive to the deployment of edge computing.

6.5. Verification of Our Detection Method

To verify the feasibility of the approach, the proposed method detects 100 insulator inspection images, half of which are missing cap insulators. The detection results are shown in Table 3.
The detection accuracy is 90%, which meets the detection requirements of transmission lines in China. The main reason for the failure of detection is the lack of insulator target detection due to the low accuracy of the classifier. For the insulator detected by the proposed target detection method, we can almost accurately detect whether it is missing a cap. The insulators tested by the proposed method are shown in Figure 13. Only the common insulator test in Figure 13a was missed, and all other pictures were tested correctly.
In the detection work, the drone shakes due to the effect of the airflow, which affects the detection image. In order to verify the robustness of the proposed detection method, 100 pictures were processed with noise before fault detection. The detection results are shown in Table 4.
It can be seen from the table that the noise has a certain influence on the detection accuracy of insulators. However, the detection accuracy is still higher than 80%, so the proposed method has a certain anti-interference ability.

7. Discussion

7.1. Key Frame Acquisition

The proposed detection method can quickly and accurately locate a missing insulator cap in an insulator string when the distance between each insulator cap is similar. Although the specifications of transmission line insulators require that the distance between each insulator cap is equal, the distance between insulators will be considerably different due to the different shooting angles of patrolling UAVs or line-walking robots. In addition, insulators photographed from certain angles have the problem of blind spots in their field of view. In theory, it is impossible to detect defects through image processing. In the actual insulator detection work, the “key frame” acquisition technology is used to solve this problem.
Figure 14 shows the insulator detection images taken by the camera at different angles. The spacing between the insulator caps in Figure 14a is clear, and this can be used as a key frame for defect detection. In Figure 14b, the cap of the insulator is partially blocked, and the spacing is very small. It can only detect the defect position and cannot detect the number of remaining caps. In Figure 14c, one row of insulators is completely shielded by the other row of insulators, and defect detection cannot be performed.
Since the position of the insulator is known, the best shooting position of the insulator detection image can be determined according to the type of tower. Therefore, most of the inspection images are of the type shown in Figure 14a,b. In order to obtain better detection results, a method for judging camera angles is proposed. This method can provide the UAV with adjusted direction navigation through image processing technology.
The adjustment method of the shooting position is shown in Figure 15. The camera position of the insulator in Figure 15a is to the right, so the distance between the insulator cap on the left of the insulator is small, which makes it impossible to judge the position between each cap from Figure 15c. Therefore, the offset between the camera and the key frame position can be derived from the pixel statistics of the insulator. At this time, the drone moves to the left until the distance between the insulator caps is equal. Therefore, the shooting position of the drone can be automatically adjusted according to the information obtained via the insulator pixel statistical map.

7.2. Degree of Damage of the Insulator

The replacement of insulators in transmission lines requires that power is off, so the scheduling of insulator replacement work is very important. Compared with the positioning of the missing insulator cap, the power supply company is more concerned about whether the insulation capacity of the insulator is still qualified. The number of insulator cap is specified based on the different voltages of transmission lines. In China, the number of glass insulators for 110 kV transmission lines cannot be less than 7, and the number of insulators in 500 kV transmission lines cannot be less than 25. Moreover, the number of insulator caps made of different materials is different under the same voltage. The power supply company deploys insulators according to these regulations, and the number of insulator cap deployed is usually greater than the specified number. When the number of insulator caps is lower than that specified, the power company must replace the insulators.
The proposed detection method is capable not only of locating the position of the missing cap, but also of calculating the number of remaining caps. In the previous research on missing insulator caps, only the position of missing insulator caps was detected, and the detection of the remaining insulator cap was ignored. According to the number of remaining insulators to be detected and the voltage of the transmission line, the fault degree of insulators can be classified. This method is helpful for power supply enterprises, allowing them to create a replacement plan according to the degree of insulator damage.

8. Conclusions

According to the gray and color features of insulators, this paper proposes a method for insulator feature region extraction and candidate frame generation. Then, the method inputs the pictures captured by these boxes into the SVM base classifier to identify the insulators. Finally, a method for the subregional judgment of insulator pixels is proposed to determine whether there is a missing insulator cap and to locate the position of any missing caps in the string of insulators. The proposed feature region extraction method can effectively extract feature regions of insulators and generate candidate frames. The accuracy, average accuracy and recall rate of the proposed classifier are higher than 90%, which meets the performance requirements of power supply enterprises in China. The accuracy of this method is 90%, and most of the errors are caused by omission detect of insulators.
Aiming at the robustness of the algorithm in practical applications, a key frame extraction scheme in the image acquisition process is proposed. Developers can write control algorithms for UAVs to automatically obtain key frames based on the proposed method for determining the shooting angle of insulators. In addition, the number of remaining insulator caps can be detected after obtaining the pixel statistics chart of the insulators. Compared with other insulator detection methods, this method is more suitable for the actual detection needs of high voltage lines.

Author Contributions

Conceptualization, Z.Z. and S.H. software: H.C. writing—original draft preparation, Z.Z. All authors have read and agreed to the published version of the manuscript.

Funding

The research was supported by the Department of Education of Guangdong Province (2022ZDZX1029).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data that support the findings of this study are available from the corresponding author upon reasonable request.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Zhang, Z.; Zhang, Y.; Jiang, X.; Liang, T.; Hu, J. Study on Aging Characterization Methods of Composite Insulators Aging in Natural Environment for Different Years. Trans. China Electrotech. Soc. 2020, 35, 1368–1376. [Google Scholar] [CrossRef]
  2. Belhouchet, K.; Bayadi, A.; Belhouchet, H.; Romero, M. Improvement of mechanical and dielectric properties of porcelain insulators using economic raw materials. Boletín Soc. Esp. Cerámica Vidr. 2019, 58, 28–37. [Google Scholar] [CrossRef]
  3. Gao, B.; Yang, F.; Songyang, Z.; Degui, Y.; Xiaokuo, K.; Zehui, L.; Chao, L. The Movement Characteristics of Charged Haze Particles in Ionized Field and Its Influence on Contamination of Insulator. IEEE Trans. Magn. 2018, 54, 7203304. [Google Scholar] [CrossRef]
  4. Nguyen, V.; 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]
  5. 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]
  6. Shao, G.; Liu, Z.; Fu, J.; Tan, J.; Chen, Y.; Zhou, L. Research Progress in Unmanned Aerial Vehicle Inspection Technology on Overhead Transmission Lines. High Volt. Technol. 2020, 46, 14–22. [Google Scholar] [CrossRef]
  7. Wang, Y.; Li, Q.; Chen, B. Image classification towards transmission line fault detection via learning deep quality-aware fine-grained categorization. J. Vis. Commun. Image Represent. 2019, 64, 102647. [Google Scholar] [CrossRef]
  8. Zhao, Z.; Qi, H.; Qi, Y.; Zhang, K.; Zhai, Y.; Zhao, W. Detection Method Based on Automatic Visual Shape Clustering for Pin-Missing Defect in Transmission Lines. IEEE Trans. Instrum. Meas. 2020, 69, 6080–6091. [Google Scholar] [CrossRef] [Green Version]
  9. Liu, Y.; Xu, Z.; Li, G.; Xia, Y.; Gao, S. Review on Applications of Artificial Intelligence Driven Data Analysis Technology in Condition Based Maintenance of Power transformer. High Volt. Technol. 2019, 45, 337–348. [Google Scholar] [CrossRef]
  10. 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]
  11. Bhola, R.; Krishna, N.H.; Ramesh, K.; Senthilnath, J.; Anand, G. Detection of the power lines in UAV remote sensed images using spectral-spatial methods. J. Environ. Manag. 2018, 206, 1233–1242. [Google Scholar] [CrossRef] [PubMed]
  12. Huang, Z.; Wang, Y.; Wang, H.; Gao, C.; Bai, C. Intelligent inspection system of UNMANNED aerial vehicle based on Heterogeneous coordination of cloud edge. Electr. Power 2020, 53, 161–168. [Google Scholar] [CrossRef]
  13. Prates, R.M.; Cruz, R.; Marotta, A.P.; Ramos, R.P.; Filho, E.F.S.; 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]
  14. Huang, Q. High-Precision Quality Inspection for Screws Using Artificial Intelligence Technology. In Proceedings of the CIB W78-International Council for Research and Innovation in Building and Construction, Newcastle, UK, 18–20 September 2019. [Google Scholar]
  15. Zheng, J.; Lu, C.; Hao, C.; Chen, D.; Guo, D. Improving the generalization ability of deep neural networks for cross-domain visual recognition. IEEE Trans. Cogn. Dev. Syst. 2020, 13, 607–620. [Google Scholar] [CrossRef]
  16. 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]
  17. 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]
  18. 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]
  19. 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. 2020, 35, 1599–1601. [Google Scholar] [CrossRef]
  20. Liu, W.; Liu, Z.; Wang, H.; Han, Z. An Automated Defect Detection Approach for Catenary Rod-Insulator Textured Surfaces Using Unsupervised Learning. IEEE Trans. Instrum. Meas. 2020, 69, 8411–8423. [Google Scholar] [CrossRef]
  21. 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]
  22. Arredondo-Velázquez, M.; Diaz-Carmona, J.; Barranco-Gutiérrez, A.; Torres-Huitzil, C. Review of prominent strategies for mapping CNNs onto embedded systems. IEEE Lat. Am. Trans. 2020, 18, 971–982. [Google Scholar] [CrossRef]
  23. Mao, H.; Yao, S.; Tang, T.; Li, B.; Yao, J.; Wang, Y. Towards Real-Time Object Detection on Embedded Systems. IEEE Trans. Emerg. Top. Comput. 2016, 6, 417–431. [Google Scholar] [CrossRef]
  24. Yi, Y.; Gong, H.; Wang, X. Embedded Real-time Video Object Detection Algorithm Based on YOLOv3. Comput. Eng. 2020, 46, 230–234. [Google Scholar] [CrossRef]
  25. Wang, X.; Zhang, Y. Insulator Identification from Aerial Images Using Support Vector Machine with Background Suppression. In Proceedings of the 2016 International Conference on Unmanned Aircraft Systems (ICUAS), Arlington, VA, USA, 7–10 June 2016; pp. 892–897. [Google Scholar] [CrossRef]
  26. Prasad, P.S.; Rao, B.P. Condition monitoring of 11 kV overhead power distribution line insulators using combined wavelet and LBP-HF features. IET Gener. Transm. Distrib. 2017, 11, 1144–1153. [Google Scholar] [CrossRef]
  27. Huang, X.; Zhang, X.; Zhang, Y.; Zhao, L. A method of identifying rust status of dampers based on image processing. IEEE Trans. Instrum. Meas. 2020, 69, 5407–5417. [Google Scholar] [CrossRef]
  28. Qiu, Y.; Guo, Y.; Zhang, X.; Liu, K.; Liu, Y.; Wu, G. Identification method of insulator contamination components based on hyperspectral technology. High Volt. Technol. 2020, 46, 4023–4030. [Google Scholar] [CrossRef]
  29. Lu, J.; Xu, X.; Li, X.; Li, L.; Chang, C.-C.; Feng, X.; Zhang, S. Detection of Bird’s Nest in High Power Lines in the Vicinity of Remote Campus Based on Combination Features and Cascade Classifier. IEEE Access 2018, 6, 39063–39071. [Google Scholar] [CrossRef]
  30. Chen, W.; Li, C.; Yuan, B.; Jiang, X. Effective location method for self-explosion defect of insulator. J. Comput. Appl. 2019, 39, 210–214. [Google Scholar]
  31. Guo, T.; Yang, H.; Shi, L.; Shen, P.; Yang, Y.; Liu, X.; Li, D. Self-Explosion Defect Identification of Insulator Based on Faster Rcnn. Insul. Surge Arresters 2019, 3, 183–189. [Google Scholar] [CrossRef]
  32. Wang, P.; Fan, E.; Wang, P. Comparative analysis of image classification algorithms based on traditional machine learning and deep learning. Pattern Recognit. Lett. 2021, 141, 61–67. [Google Scholar] [CrossRef]
  33. Zhai, Y.; Chen, R.; Yang, Q.; Li, X.; Zhao, Z. Insulator Fault Detection Based on Spatial Morphological Features of Aerial Images. IEEE Access 2018, 6, 35316–35326. [Google Scholar] [CrossRef]
  34. Wang, B.; Dong, M.; Ren, M.; Wu, Z.; Guo, C.; Zhuang, T.; Pischler, O.; Xie, J. Automatic Fault Diagnosis of Infrared Insulator Images Based on Image Instance Segmentation and Temperature Analysis. IEEE Trans. Instrum. Meas. 2020, 69, 5345–5355. [Google Scholar] [CrossRef]
  35. Yu, Y.; Cao, H.; Wang, Z.; Li, Y.; Li, K.; Xie, S. Texture-and-Shape Based Active Contour Model for Insulator Segmentation. IEEE Access 2019, 7, 78706–78714. [Google Scholar] [CrossRef]
  36. Huang, X. Classification Recognition Method of Insulator in Aerial Image Based on the Red-blue Difference and Developed K-means Algorithm. High Volt. Eng. 2018, 44, 1528–1534. [Google Scholar] [CrossRef]
  37. International Electrotechnical Commission. Consumer Audio/Video Equipment—Digital Interface—Transmission of ITU-R BT.601 Style Digital Video Data B BS EN 61883-8-2009; International Electrotechnical Commission: Geneva, Switzerland, 2009. [Google Scholar]
  38. Felzenszwalb, P.F.; Girshick, R.B.; McAllester, D.; Ramanan, D. Object Detection with Discriminatively Trained Part-Based Models. IEEE Trans. Pattern Anal. Mach. Intell. 2010, 32, 1627–1645. [Google Scholar] [CrossRef]
Figure 1. UAV inspection of transmission line.
Figure 1. UAV inspection of transmission line.
Sensors 23 01557 g001
Figure 2. Insulator detection method.
Figure 2. Insulator detection method.
Sensors 23 01557 g002
Figure 3. The process of obtaining similar areas of insulators. (a) Reduced insulator inspection image, (b) grayscale insulator detection image, (c) “RB color” feature insulator detection image, (d) binary image for gray-level threshold segmentation, (e) binary image for “RB color” feature image threshold segmentation, and (f) binary image representation of the insulator feature image.
Figure 3. The process of obtaining similar areas of insulators. (a) Reduced insulator inspection image, (b) grayscale insulator detection image, (c) “RB color” feature insulator detection image, (d) binary image for gray-level threshold segmentation, (e) binary image for “RB color” feature image threshold segmentation, and (f) binary image representation of the insulator feature image.
Sensors 23 01557 g003
Figure 4. Generation of the minimum bounding box of the feature area.
Figure 4. Generation of the minimum bounding box of the feature area.
Sensors 23 01557 g004
Figure 5. LBP feature histogram extraction.
Figure 5. LBP feature histogram extraction.
Sensors 23 01557 g005
Figure 6. Acquisition of GLCM.
Figure 6. Acquisition of GLCM.
Sensors 23 01557 g006
Figure 7. RGB histogram of insulator.
Figure 7. RGB histogram of insulator.
Sensors 23 01557 g007
Figure 8. The structure of the classifier.
Figure 8. The structure of the classifier.
Sensors 23 01557 g008
Figure 9. Principle of the SVM classifier.
Figure 9. Principle of the SVM classifier.
Sensors 23 01557 g009
Figure 10. Segmentation effects of different types of insulators. (a) Glass insulators, (b) binary image of glass insulators, (c) porcelain insulators 1, (d) binary image of porcelain insulators 1, (e) porcelain insulators 2, (f) binary image of porcelain insulators 2.
Figure 10. Segmentation effects of different types of insulators. (a) Glass insulators, (b) binary image of glass insulators, (c) porcelain insulators 1, (d) binary image of porcelain insulators 1, (e) porcelain insulators 2, (f) binary image of porcelain insulators 2.
Sensors 23 01557 g010
Figure 11. Binary images of insulators and their corresponding pixel statistical charts. (a) Binary image of insulators, (b) pixel statistical chart, (c) location of the missing cap in the RGB image, (d) binary image of insulators with noise, (e) pixel statistical chart with noise, (f) location of the missing cap in the RGB image.
Figure 11. Binary images of insulators and their corresponding pixel statistical charts. (a) Binary image of insulators, (b) pixel statistical chart, (c) location of the missing cap in the RGB image, (d) binary image of insulators with noise, (e) pixel statistical chart with noise, (f) location of the missing cap in the RGB image.
Sensors 23 01557 g011aSensors 23 01557 g011b
Figure 12. Penalty factor C debugging.
Figure 12. Penalty factor C debugging.
Sensors 23 01557 g012
Figure 13. Missing insulator cap detection. (a) Glass insulator with 1 * 16 installation, (b) glass insulator with 2 * 16 installation, (c) glass insulator with 1 * 8 installation, (d) porcelain insulator with 2 * 30 installation.
Figure 13. Missing insulator cap detection. (a) Glass insulator with 1 * 16 installation, (b) glass insulator with 2 * 16 installation, (c) glass insulator with 1 * 8 installation, (d) porcelain insulator with 2 * 30 installation.
Sensors 23 01557 g013
Figure 14. Insulator detection at different angles. (a) Two insulators without overlapping parts, (b) Two insulators with partial overlap, (c) Two insulators with complete overlap.
Figure 14. Insulator detection at different angles. (a) Two insulators without overlapping parts, (b) Two insulators with partial overlap, (c) Two insulators with complete overlap.
Sensors 23 01557 g014aSensors 23 01557 g014b
Figure 15. Influence of shooting angle. (a) Insulator with the shooting angle to the right, (b) binary graph with unsatisfactory insulator segmentation effect, (c) pixel statistical chart of the insulator (the segmentation effect is not ideal).
Figure 15. Influence of shooting angle. (a) Insulator with the shooting angle to the right, (b) binary graph with unsatisfactory insulator segmentation effect, (c) pixel statistical chart of the insulator (the segmentation effect is not ideal).
Sensors 23 01557 g015aSensors 23 01557 g015b
Table 1. Compared with single image feature classifier.
Table 1. Compared with single image feature classifier.
ClassifierAccuracyAPRecall
Our method0.93330.90760.9433
LBP-SVM0.87160.80400.8867
RGB-SVM0.89380.83940.8867
GLCM-SVM0.86280.79260.8773
HOG-SVM0.71550.66240.6460
LBP-RF0.86720.70240.8773
RGB-RF0.86720.78300.7452
GLCM-RF0.85390.77790.8867
HOG-RF0.72440.65440.6857
LBP-KNN0.89030.84750.8584
RGB-KNN0.78310.78300.7452
GLCM-KNN0.87160.80400.8867
Table 2. Compared with ensemble classifier or multi feature classifier.
Table 2. Compared with ensemble classifier or multi feature classifier.
ClassifierAccuracyAP
LBP →SVM + RF + KNN (voting)0.900.85
LBP + RGB→SVM0.910.85
LBP + RGB + GLCM →SVM0.940.88
LBP-SVM + RGB-SVM + GLCM-SVM (voting)0.930.86
LBP + HOG → SVM0.850.80
LBP + RGB + GLCM + HOG→ SVM0.910.86
Our method0.930.90
Table 3. Compared with ensemble classifier or multi feature classifier.
Table 3. Compared with ensemble classifier or multi feature classifier.
Test ObjectTotalOmissionFalseAccuracy
missing-cap insulator50510.90
Normal insulator5040
Table 4. The influence of noise on the detection effect.
Table 4. The influence of noise on the detection effect.
NoiseVarianceOmissionFalseAccuracy
Gaussian0.001910.90
Gaussian0.005910.88
Gaussian0.011230.85
Poisson/1010.89
Salt and pepper0.001910.90
Salt and pepper0.0051120.87
Salt and pepper0.011280.80
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Zhang, Z.; Chen, H.; Huang, S. Detection of Missing Insulator Caps Based on Machine Learning and Morphological Detection. Sensors 2023, 23, 1557. https://doi.org/10.3390/s23031557

AMA Style

Zhang Z, Chen H, Huang S. Detection of Missing Insulator Caps Based on Machine Learning and Morphological Detection. Sensors. 2023; 23(3):1557. https://doi.org/10.3390/s23031557

Chicago/Turabian Style

Zhang, Zhaoyun, Hefan Chen, and Shihong Huang. 2023. "Detection of Missing Insulator Caps Based on Machine Learning and Morphological Detection" Sensors 23, no. 3: 1557. https://doi.org/10.3390/s23031557

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop