Next Article in Journal
Discrete and Semi-Discrete Multidimensional Solitons and Vortices: Established Results and Novel Findings
Previous Article in Journal
Ensemble Transductive Propagation Network for Semi-Supervised Few-Shot Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Weather-Domain Transfer-Based Attention YOLO for Multi-Domain Insulator Defect Detection and Classification in UAV Images

1
School of Electrical Engineering, Xi’an University of Technology, Xi’an 710054, China
2
School of Electronics and Information, Xi’an Polytechnic University, Xi’an 710048, China
3
School of Cyber Engineering, Xidian University, Xi’an 710126, China
*
Author to whom correspondence should be addressed.
Entropy 2024, 26(2), 136; https://doi.org/10.3390/e26020136
Submission received: 2 January 2024 / Revised: 29 January 2024 / Accepted: 31 January 2024 / Published: 1 February 2024
(This article belongs to the Section Information Theory, Probability and Statistics)

Abstract

:
Insulator defect detection of transmission line insulators is an important task for unmanned aerial vehicle (UAV) inspection, which is of immense importance in ensuring the stable operation of transmission lines. Transmission line insulators exist in complex weather scenarios, with small and inconsistent shapes. These insulators under various weather conditions could result in low-quality images captured, limited data numbers, and imbalanced sample problems. Traditional detection methods often struggle to accurately identify defect information, resulting in missed or false detections in real-world scenarios. In this paper, we propose a weather domain synthesis network for extracting cross-modality discriminative information on multi-domain insulator defect detection and classification tasks. Firstly, we design a novel weather domain synthesis (WDSt) module to convert various weather-conditioned insulator images to the uniform weather domain to decrease the existing domain gap. To further improve the detection performance, we leverage the attention mechanism to construct the Cross-modality Information Attention YOLO (CIA-YOLO) model to improve the detection capability for insulator defects. Here, we fuse both shallow and deep feature maps by adding the extra object detection layer, increasing the accuracy for detecting small targets. The experimental results prove the proposed Cross-modality Information Attention YOLO with the weather domain synthesis algorithm can achieve superior performance in multi-domain insulator datasets (MD-Insulator). Moreover, the proposed algorithm also gives a new perspective for decreasing the multi-domain insulator modality gap with weather-domain transfer, which can inspire more researchers to focus on the field.

1. Introduction

The high-voltage transmission lines are mainly distributed in geographical environments such as mountains, forests, grasslands, farmlands, and fields. It is easy for insulators to suffer various levels of damage under adverse weather conditions. The three insulator defects of transmission lines are th self-explosion insulator defect, the flashover insulator defect, and the broken insulator defect as shown in Figure 1. Insulators are an important component of transmission lines, playing an important role in mechanical support and electrical insulation. During operation, they withstand vertical loads on conductors, horizontal tension, as well as the impact of weather and chemicals, resulting in varying degrees of damage and posing potential safety hazards to the stability of transmission line operation [1]. In severe cases, these defects can cause power grid failures in various regions, leading to significant economic losses. Liu et al. [2] pointed out that the detection of power line components and their common faults is a fundamental task in the field of power line detection, and it is also one of the most popular research topics. Therefore, discovering and replacing damaged insulators on time can ensure the effective and normal operation of transmission lines. With the development of smart grids and image detection technologies [3,4], traditional manual inspection methods for insulator patrol have gradually been replaced by low-cost, efficient, and flexible UAV inspection [5,6].
The inspection method based on drones utilizes drones to capture aerial images of insulators and then analyze and process the collected image information. However, many existing methods only focus on insulator defect detection in a single weather condition, ignoring the impact of weather changes on the information of insulator images collected by unmanned aerial vehicles (UAVs). This leads to poor detection results in real-world scenarios. In this case, it is of great significance for the safe operation of the power system to study the detection algorithm for multi-domain insulator defects based on UAV for transmission line insulation defects. Therefore, this paper proposes a weather domain synthesis network for extracting cross-modality discriminative information on multi-domain insulator defect detection and classification tasks to mimic real-world scenarios.
The main contributions of our paper can be summarized as follows:
  • We explore a novel weather domain transfer-based framework for multi-domain insulator defect detection and classification tasks, which gives a new perspective to decrease the multi-domain insulator modality gap in diverse weather conditions.
  • The proposed Cross-modality Information Attention YOLO module is designed to leverage attention mechanisms and add detection layers in the network head for small targets, which can improve the model’s detection performance on multi-domain insulator defects.
  • We constructed a new multi-domain insulator dataset (MD-Insulator) for defect detection and classification. The self-built dataset contains 16,430 insulator images and three different defect detection categories, namely self-explosion defects, flashover damages, and insulator broken defects. The MD-Insulator dataset also includes insulator images under complex weather conditions, such as rainy, foggy, and snowy, to simulate multi-domain insulators, which can enhance the model’s detection performance for insulators under multi-domain weather conditions.
  • The experimental results of what we proposed, the multi-domain insulator dataset (MD-Insulator), illustrate the superior performance of the proposed method compared with the comparison methods.
The remainder of this article is organized as follows. Section 2 provides a brief overview of the current state of insulator defect detection and the system frameworks. In Section 3, we describe in detail the weather domain synthesis (WDSt) module and the Cross-modality Information Attention YOLO (CIA-YOLO) module. Section 4 presents the experimental results and analysis. Conclusions are drawn in Section 5.

2. Related Work

Liu et al. [1] innovatively classify insulation defect detection methods into two categories: multi-task and sequential task strategies based on the steps of the model task. Multi-task strategies’ detection network is directly on the input insulation image using target detection algorithms, and the advantages are fast detection speed and relatively simple network models. However, they are not good for detecting small targets. Sequential task strategies first locate the insulation from the input image and then locate the defects on the located insulation image. Although it can accurately detect small targets and improve the defect detection results, its detection method is more complex and requires a large amount of computational resources for training. The most important thing is that the results of image segmentation will directly affect the accuracy of defect detection. To solve these problems, researchers have conducted extensive research on defect detection. In recent years, the most common insulation detection method based on UAVs inspection is the target detection method improved based on Faster Region-CNN (Faster RCNN) [7,8,9,10,11] and the You Only Look Once (YOLO) [12,13,14,15] network. Gao et al. [10] combined a batch normalization convolutional fast attention model (BN-CBAM) with a feature fusion module to improve the detection performance of small insulation targets and insulation defects. Guo et al.’s [9] Faster R-CNN comprises the depth residual network that is combined with soft non-maximum suppression to simultaneously detect insulation and defects in the original image. Wang et al. [11] added an improved region proposal network (RPN) combined with ResNet for feature extraction to better detect small defects on insulation. Ma et al. [12] proposed a YOLOv4 insulation detection model based on the joint Gaussian distance intersection loss function, which improves the problem of low detection accuracy and slow positioning speed of insulation. In addition, rectifying and repositioning insulation on inclined insulation also significantly improves the accuracy of insulation detection. Liu et al. [13] designed an insulation detection network MTI-YOLO (YOLOtiny for insulation) pyramid pool (SPP) detector for complex aerial images to improve the accuracy and feature expression of specific size insulation. Since the defect area of the insulation occupies a small proportion of the insulation image and is difficult to detect, Zhang et al. [15] proposed to introduce a densely connected feature pyramid network into YOLOv3. Bao et al. [16] added coordinate attention (CA) modules to YOLOv5 to improve the insulation detection results by making the network pay more attention to insulation features and reducing the impact of complex backgrounds on the model.
The YOLO series target detection network is popular because of its fast detection speed. It uses a separate CNN network to directly predict the classification and location of various targets and has made great progress in insulator detection. However, people have only focused on improving the detection accuracy of small targets while ignoring the impact of natural factors on the insulation defect detection model. The various weather conditions and complex backgrounds can result in low-quality images captured of insulators inspected by UAVs, making it more suitable to study multi-domain insulator defect detection and classification in real life. The existing public dataset that can be used for multi-domain insulators was released by Zhang et al. [17] in 2010 with the synthetic fog insulation data (SFID) dataset. This dataset includes 13,718 images of insulators and self-explosion defects under foggy and sunny weather conditions. To further study multi-domain insulator defect detection methods, we collect and construct a multi-domain insulator dataset (MD-insulator), which contains three different insulation defects. Furthermore, we propose a Cross-modality Information Attention YOLO with weather domain synthesis for the multi-domain insulator defect detection and classification model. Firstly, we designed a novel weather domain synthesis (WDSt) module for various weather-conditioned insulator images to the uniform weather domain to decrease the existing domain gap. To further improve the detection performance, we leverage a Cross-modality Information Attention YOLO (CIA-YOLO) model using an attention mechanism and add the extra object detection layer, increasing the accuracy for detecting multi-domain insulator defects. Here, we provide a new perspective for decreasing the multi-domain insulation modality gap of the weather domain transfer, with a detailed algorithm description in the following sections.

3. The Proposed Method

With the continuous development of UAV technology [18], UAV inspection has been widely used in various industries. Various weather conditions can cause damage to the insulators of power transmission lines, even leading to failures [19]. Therefore, regular use of UAV inspections to detect insulation defects can effectively and accurately assess the insulation condition.
Currently, deep learning-based insulation defect detection models are trained by sunny insulator images from the China Power Line Insulator Subset Dataset (CPLID), which X. Tao et al. [20] proposed in 2018. However, these models are unsuitable for multi-domain weather insulation defect detection tasks. Compared to sunny days, foggy days can result in low-quality insulator images of UAV inspections and often struggle to accurately identify defect targets; snowy days may cover up insulators, and the model fails to detect targets. Additionally, frost weather conditions may condense on the surface of insulators and change their shapes, thus affecting the recognition capabilities of the detection model. Various weather conditions significantly impact the safe operation of power transmission line insulators, so studying multi-domain insulation defect detection for power transmission lines based on UAV inspection has important practical significance for ensuring the safety and stability of power grids. In this paper, we propose a weather domain synthesis network for extracting cross-modality discriminative information on multi-domain insulator defect detection and classification tasks to mimic real-world scenarios. The detection and classification framework is shown in Figure 2.
The model proposed in this paper is divided into two strategies: the training model and the testing model. In the training model, we trained a model for multi-domain insulator defect detection and classification using a multi-domain insulator dataset and further improve the detection performance, where we leveraged attention mechanisms and added detection layers in the network head for small targets. In the testing model, we design a novel weather domain synthesis module (WDSt) to convert various weather-conditioned insulator images to the uniform weather domain to decrease the existing domain gap. The detailed model structure will be illuminated in the following chapters. The proposed Cross-modality Information Attention YOLO with weather domain synthesis for the multi-domain insulator defect detection and classification model can distinguish between three common types of insulator defects: self-explosion, flashover damage, and broken insulator. Moreover, we provide a new perspective for reducing the multi-domain insulator modality gap with weather-domain transfer, which can inspire more researchers to focus on the field.

3.1. Motivation

As mentioned above, the challenges of multi-domain insulator defect detection and classification tasks lie in (1) the domain discrepancy, and (2) multi-scale and low-quality insulator images. The former is due to the diverse image capture conditions, and the latter is due to the different properties of cameras in real-world applications. Both of them will bring adverse effects on the insulator defect detection task.
For the existing domain discrepancy, we aim to construct a two-stage evaluation framework to eliminate the large domain gap in diverse weather conditions. Here, we utilize the novel weather domain synthesis module to translate different domain images into the same domain, which will help improve the insulator detection performance.
Considering the properties of the multi-scale and low-quality images, we aim to design the cross-modality information attention YOLO architecture with better generalization and robustness compared with the original YOLO, as shown in Figure 3. (1) The deeper feature maps make it difficult to learn the feature information of small targets. The proposed method is designed to enhance the detection model’s adaptability to insulator and insulator defect detection in adverse weather conditions. (2) To improve the model’s receptive field and feature extraction capabilities for small targets, we construct the Cross-modality Information Attention YOLO insulator defect detection and classification network and add a small target detection layer in the neck part to splice the shallow feature maps with the deep feature maps, aiming to make the network more focused on the detection of small targets and improve the detection performance of small targets. (3) We improved the feature extraction network by introducing repeated effectively bidirectional cross-scale connections and weighted feature fusion for multi-scale feature fusion, which resulted in a higher detection performance for the model under multi-domain insulators.

3.2. Cross-Modality Information Attention YOLO Model for Multi-Domain Insulator Defect Detection and Classification

The overall structure of the trained CA-YOLO algorithm model is shown in Figure 3b. In insulator defect detection tasks, the dataset contains small targets such as self-explosion defects, insulator damage, and flashover defects. In standard object detection, small targets like defects often suffer from missed detections or poor detection performance. The YOLOv8 model has three detection heads that can detect targets with feature map sizes of 80 × 80 , 40 × 40 , and 20 × 20 , covering detection scales of 8 × 8 and above. However, in insulator defect detection, insulator damage and flashover defects often exist at even smaller scales. Therefore, we have added a 160 × 160 detection feature map specifically for detecting tiny objects of 4 × 4 and above. By expanding the modeling framework of the receptive field and further optimizing the backbone feature extraction, we have improved the model’s ability to recognize tiny defects. Multi-domain insulator detection tasks are susceptible to complex scenes and multi-scale information. Currently, the main approach to addressing this issue is through the attention mechanism [21,22,23,24,25,26,27] and weighting optimization. Currently, widely used attention mechanisms include channel attention and spatial attention to enhance the original features.
Some studies, including CBAM [26] and SA [23], integrated spatial attention and channel attention into one module, which has achieved improvements but suffered from either convergence difficulty or heavy computational burden. Other studies have tried to simplify the structure of channel or spatial attention such as ECA-Net [27], which simplifies the process of computing channel weights in SE [24] blocks by using one-dimensional convolutions. Hou et al. [25] proposed embedding location information into channel attention to compensate for the crucial location information that is often overlooked in visual tasks.
The feature pyramid structure has been effectively used for multi-scale feature fusion in object detection. In the YOLOv8 model, PANet is used for multi-scale feature fusion in object detection. However, as image resolution increases and target scenes become more complex, the general FPN and PANet structures may not fully unleash their potential. This is especially true when extracting deeper features, as there is a risk of losing target information and failing to detect objects. We have chosen a novel feature fusion network structure called BiFPN (weighted bidirectional feature pyramid network). BiFPN’s innovative bidirectional cross-scale connections and weighted feature map fusion allow the model to fuse more features without increasing costs, further optimizing the model’s feature extraction. The Bidirectional Feature Pyramid Network (BiFPN) of multi-scale feature fusion is calculated as follows:
P i t d = C o n v ω 1 · P i i n + ω 2 · R e s i z e P i + 1 i n ω 1 + ω 2 + ϵ , P i o u t = C o n v ω 1 · P i i n + ω 2 · P i t d + ω 3 · R e s i z e P i 1 o u t ω 1 + ω 2 + ω 3 + ϵ .
Here, P i t d is the intermediate feature at level i on the top–down pathway, and P i o u t is the output feature at level i on the bottom-up pathway. R e s i z e is usually an upsampling or downsampling op for resolution matching, and C o n v is usually a convolutional op for feature processing, P i i n represents a feature level with a resolution of 1 / 2 i of the input images, ω i 0 , and ϵ = 0.0001 is a small value to avoid numerical instability. Finally, we add a lightweight and efficient attention mechanism to enable the network to accurately focus on information related to the detection target. These network improvements achieve higher accuracy while reducing the model complexity and computational overhead.
The shuffle attention (SA) is a lightweight and efficient attention mechanism, which constructs channel attention and spatial attention simultaneously. For a given feature map X R C / G × H × W , where C, H, W indicate the channel number, spatial height, and width, respectively, SA first divides X into G groups along the channel dimension. The group randomly permutes the input features to perform cross-attention calculations at different computational scales. In multi-domain insulator defect detection tasks, this helps the model better understand and utilize image spatial information and context, improving the model’s expressive ability and enhancing its performance in handling complex scenes and multi-scale information.
The final output of channel attention can be obtained by
X k 1 = σ F c s · X k 1 = σ W 1 s + b 1 · X k 1 ,
where σ · = s i g m u i d · , W 1 R C / 2 G × 1 × 1 and b 1 R C / 2 G × 1 × 1 are parameters used to scale and shift s, as well as generate channel-wise statistics as s R C / 2 G × 1 × 1 .
The final output of spatial attention is obtained by
X k 2 = σ W 2 · G N X k 2 + b 2 · X k 2 ,
where W 2 and b 2 are parameters with shape R C / 2 G × 1 × 1 . The two branches are concatenated to make the number of channels the same as the number of inputs, X k = X k 1 · X k 2 R C / G × H × W .
To improve the detection performance of insulator detection models in low-resolution images and small object tasks, we apply the Space-to-depth layer (SPD-Conv) [28] to YOLOv8 to create a new Convolutional Neural Networks (CNN) architecture that reduces the spatial dimension size without losing information while preserving information within the channel, which helps improve the model’s ability to handle more difficult tasks. This approach reduces information loss, improves the accuracy of feature extraction, optimizes the model’s ability to process small objects and low-resolution images, and enhances the model’s generalization ability in adverse weather conditions.
Assuming an intermediate feature map X of size S × S × C 1 , we use the SPD-Conv to slice the sub-feature map sequence as
f 0 , 0 = X 0 : S : s c a l e , 0 : S : s c a l e , f 1 , 0 = X 1 : S : s c a l e , 0 : S : s c a l e , , f s c a l e 1 , 0 = X s c a l e 1 : S : s c a l e , 0 : S : s c a l e ; f 0 , 1 = X 0 : S : s c a l e , 1 : S : s c a l e , f 1 , 1 = X 1 : S : s c a l e , 1 : S : s c a l e , , f s c a l e 1 , 1 = X s c a l e 1 : S : s c a l e , 1 : S : s c a l e ; f 0 , s c a l e 1 = X 0 : S : s c a l e , s c a l e 1 : S : s c a l e , f 1 , s c a l e 1 , , f s c a l e 1 , s c a l e 1 = X s c a l e 1 : S : s c a l e , s c a l e 1 : S : s c a l e .
where, given any (original) feature map X, a sub-map f x , y is formed by all the entries X i , j that i + x and j + y are divisible by scale.
In the training model for multi-domain insulator defect detection and classification, we have incorporated attention mechanisms and small target detection layers to improve the model’s performance for detecting small targets. We have also optimized the model’s convolutional structure to improve accuracy without increasing computational complexity, making the structure more lightweight. We then trained the model using multi-domain insulator datasets to make it more robust in multi-domain weather conditions.

3.3. Weather-Domain Synthesis Module

High-voltage transmission lines operate outdoors all year round, and changing weather conditions can easily cause insulators to fail. UAV transmission line inspection can simultaneously collect multiple image data and use detection models to locate defects, saving a lot of manpower and material resources. However, most insulator defect detection models [7,11,13,29,30] only consider insulator detection under sunny weather, which is not applicable to multi-domain insulator defect detection. Therefore, we explore a novel multi-domain insulator defect detection and classification task framework based on the weather domain synthesis (WDSt) model for multi-domain insulator defect detection and classification.
Synthesizing insulator images under various weather conditions into a unified weather domain can eliminate the adverse effects of existing modal differences, simulate real complex scenarios, and improve the robustness of the insulation defect detection model to adapt to various weather conditions, thereby ensuring the accuracy and effectiveness of unmanned aerial vehicle inspection.
We designed a weather domain synthesis (WDSt) model in the testing for multi-domain insulator defect detection and classification, aiming to translate the raw insulator image into different weather-conditioned insulator images. In the work, we train a multimodal unsupervised image translation model to generate a single weather condition generator model from various weather condition insulator images, thereby reducing the detection errors caused by the multi-domain insulator modality gap. We will give more details about it as follows.
The newly-designed Cross-modality Generator aims to translate the various weather-conditioned insulator images into uniform weather-domain insulator images. The various weather-conditioned mapping function is denoted as G N : X N Y , N { S n o w y , F o g g y , R a i n y } and F : Y X N . The source domain and the target domain are represented by X N and Y, where the X S n o w , X F o g , and X R a i n mean snowy, foggy, and rainy weather insulator images, respectively, and G and F represent the two mappings. In the work, we train the single weather condition generator model for each weather. Here, we choose the foggy weather as a representative for description convenience. Inspired by related work [31,32], the data x from the X domain is passed through the generator G to obtain Fake Y ^ ; the data y from the Y domain is passed through the generator F to obtain Fake x ^ . As shown in Figure 4, we are given one set of images in domain X, such as foggy weather insulators, and a different set in domain Y, such as sunny weather insulators. We may train a mapping G : X Y such that the output y ^ = G x , x X , is indistinguishable from images y Y by an adversary trained to classify y ^ apart from y. The data x from the X domain is passed through the optimal generator G to obtain Fake Y ^ . Fake Y ^ is passed through the inverse generator F to obtain the reconstructed result, Fake X ^ . D Y and D X are associated adversarial discriminators. D Y encourages G to translate X into outputs indistinguishable from domain Y, and vice versa for D X and F. To further regularize the mappings, we introduce two cycle-consistency losses that capture the intuition that if we translate from one domain to the other and back again, we should arrive at where we started: (1) forward cycle-consistency loss: x G x F G x x ; (2) backward cycle-consistency loss: y F y G F y y . The objective contains two types of terms: adversarial losses [31] for matching the distribution of generated images to the data distribution in the target domain, and cycle-consistency losses [31] to prevent the learned mappings G and F from contradicting each other.
The original adversarial loss formula is as follows:
L G A N G , D Y , X , Y = E y p d a t a y l o g D Y y + E x p d a t a ( x ) l o g ( 1 D Y G ( x ) ,
where G tries to generate images G x that look similar to images from domain Y, while D Y aims to distinguish between translated samples G x and real samples y. G aims to minimize this objective against adversary D that tries to maximize it. We introduce a similar adversarial loss for the mapping function F : Y X and its discriminator D X as well.
The image x from domain X and the image translation cycle should be able to bring x back to the original image, such as the forward cycle-consistency loss: x G x F G x x ; similarly, the image y from domain Y as well. For the mechanism to train stably, a cycle-consistency loss formula needs to be calculated as follows:
L c y c = E x p d a t a x F G x x 1 + E y p d a t a y G F y y 1 .
The final loss formula is as follows:
L f i n a l G , D Y , F , D X , = E l o g D Y y + E l o g ( 1 D Y G ( x ) + E l o g D X x + E l o g ( 1 D X G ( Y ) + λ L c y c .
Here, λ controls the relative importance of the G and F, which means that the generator G should achieve the transfer from X to Y as much as possible, and the generator F should achieve the transfer from Y to X as much as possible. At the same time, it is hoped that the two generators can achieve reciprocity, that is, they can iteratively return to themselves. We only select the G as the cross-modality insulator generator model, which can translate the raw images into different weather-conditioned insulator images.

3.4. The Evaluation Indicator System in the Insulator Defect Detection Model

Common metrics for object detection accuracy include Precision ( P r e c i s i o n ), Recall ( R e c a l l ), Average Precision ( A P ), Mean Average Precision ( m A P ), Intersection over Union ( I o U ), and Precision–Recall Curve. In the experimental results presented in Section 4 of this article, three evaluation metrics were used: Precision, Recall, and Mean Average Precision ( m A P ). The calculation formula is as follows:
P = N T P N T P + N F P , R = N T P N T P + N F N ,
where N T P is the number of correctly predicted positive samples; N F P is the number of incorrectly predicted positive samples; N T N is the number of correctly predicted negative samples; and N F N is the number of incorrectly predicted negative samples. In target detection algorithms, there are many evaluation metrics.
The mean of all A P for each class in the dataset is taken to obtain m A P :
A P = 1 m i m P i = 1 m P 1 + 1 m P 2 + + 1 m P m = P R d R ,
where R is recall, and P is precision. A P is the average precision for a certain class of n samples; assuming it has m positive examples, each positive example corresponds to a R e c a l l value 1 m , 2 m , , 1 , and the maximum P r e c i s i o n is calculated for each recall. Then, the mean of these P r e c i s i o n values is taken. The mean of all A P for each class in the dataset is taken to obtain m A P :
m A P = 1 C j C A P j ,
where P is precision, A P is the average precision of a class of samples, and m A P is the average precision of the dataset. The m A P @ 50 represents the m A P values with an IoU of 0.5.

4. Experiments

In this section, we evaluated the proposed multi-domain insulator defect detection on our proposed multi-domain insulator databases (MD-insulator). We compared other popular methods and the experimental results prove that our method achieved a satisfactory performance in the multi-domain insulator defect detection and classification task. Then, we investigate the effect of different parameters on the recognition performance. Finally, we conduct the ablation study to evaluate the effectiveness of the proposed WDSt and CIA-Yolo modules.

4.1. Databases

The currently available public datasets, such as the CPLID dataset [20] for insulator detection, are based on images of single-domain insulators and one type of self-exploding insulator defect, which cannot fully reflect the sample insulator characteristics of power lines. The insulator defect detection model trained using this dataset is only applicable to specific weather conditions and defect types and is not suitable for multi-domain insulator defect detection and classification in real-world complex scenarios with multiple defects and various weather conditions. Zhang et al. [17] proposed a dataset for insulator detection in foggy weather conditions. This dataset contains 853 original images and 10,122 augmented images total, which are augmented with random masking, random left and right flips, random up and down flips, etc.
Therefore, in the following experiment, we constructed a new multi-domain insulator dataset (MD-Insulator) for defect detection and classification. The MD-insulator dataset is almost fully collected from the public SFID dataset [17], and the rest is collected by individuals. There are a total of 16,430 insulator images, including 5318 images of insulator defects, with defect categories including self-explosion, flashover damage, and broken insulator. The example insulator images are shown in Figure 5. The image resolutions are 1152 × 864 , 2144 × 1424 , and 2136 × 3216 , and the training set, validation set, and test set of the network model were trained according to a ratio of 7:2:1.

4.2. Implementation Details

We utilize the YOLOv8 model as the backbone network in the multi-domain insulator defect detection and classification module. This method is implemented based on the deep learning framework PyTorch and accelerated using an Nvidia RTX 3060 GPU. The model is trained in a limited 200 epochs with a batch size of 16 and a learning rate of 0.001.
In the WDSt module, we trained from scratch using the Adam solver [31] with a batch size of 1 and a learning rate of 0.0002. We keep the same learning rate for the first 100 epochs and linearly decay the rate to zero over the next 100 epochs. In the cyclic consistency loss (Section 3.3), we set λ = 10 in Formula (7). Specifically, in the test model, we first use the WDSt module to convert insulator images under diverse weather conditions (e.g., snowy, rainy, and foggy weather) into a unified weather domain (sunny weather) for insulator defect detection and classification using the Cross-modality Information Attention YOLO model, to decrease the existing domain gap and improve the detection capability for multi-domain insulator defects.

4.3. Comparison Experiment

To verify the effectiveness of the proposed method, we conducted comparative experiments using different detection models under the same conditions, as shown in Table 1. All models were trained using the MD-Insulator dataset and tested in foggy and snowy weather conditions. It can be seen that our model is more likely to identify insulator defects under multi-domain weather conditions. The flashover damage defect that is not easy to identify, the P r e c i s i o n metric, increased from 66.8% to 80%; the m A P @ 50 metric increased from 28.1% to 79%; the broken insulator defect m A P @ 50 metric increased from 41.7% to 74.9%; and the P r e c i s i o n metric increased from 59% to 85.4%. The results indicate that the rate has been improved using the proposed method in this paper, which can effectively improve the recognition rate of insulators under multi-domain weather conditions, especially for small targets and difficult-to-recognize flashover damage and broken insulator defects, and is more valuable in the real world.
For the convenience of comparison, we used the official DETR [36], Yolov5 [34], and Yolov8 [35] models. The method is implemented based on the PyTorch platform and Nvidia RTX 3060 GPU. The results of the m A P @ 50 metric and the m A P @ 50:95 metric for the YOLOv5 model [34] are 84.6% and 56.3%, respectively; the results for the YOLOv8 model [35] are 80.1% and 55.4%, respectively; the results for the DETR model [36] are 82.3% and 50.6%, respectively; and the results for the proposed model are 88.3% and 62.6%, respectively. From the results, it can be seen that the DETR model does not perform well on the multi-domain insulator defect detection task. It may be that DETR [36] does not pay special attention to the detection of small objects during training, leading to poor performance on small targets such as broken insulators and flashover damage. The proposed method in this paper achieves 88.3% on the m A P @ 50 metric, which is 5.5% higher than the DETR model, and also improves by 12% on the m A P @ 50:95 metric. Therefore, it can be concluded that our model has good detection ability in the multi-domain insulator defect detection task.
In the multi-domain insulator defect detection task, the detection is more suitable than segmentation. (1) The image segmentation task depends on the continuity of pixel points, and the algorithm relies on the accuracy and quality of the input image. For low-quality or blurred images, the segmentation effect may be affected. In the multi-domain insulator detection task, foggy, rainy, and snowy weather conditions can interfere with pixels, resulting in differences in segmentation boundaries and leading to misclassifications. (2) Compared with segmentation, the detection model only needs to detect anchor points which is a more accessible approach, especially for small targets, occlusion, and adverse weather conditions. We find that the instance segmentation does not fit the problem. Here, we choose SAM [37] as the representative segmentation method, the DETR [36] model, and the proposed method for comparison in the multi-domain insulator defect detection task, as shown in Figure 6.
From the comparison results, we can conclude that the SAM segmentation algorithm performs poorly in multi-domain insulator detection tasks, especially in multi-target and multi-scale insulator images where it often fails to segment all insulator targets. For clear photos of insulator defects (as shown in column 4), although SAM can segment the outline of the insulator, it requires manual verification of the defect category, which can be a labor-intensive task. The DETR detection method fails to detect small target insulators in the distance and small target defects in multi-domain insulator detection tasks. It is possible that DETR does not pay special attention to the detection of small objects during training, resulting in poor performance for small objects and inaccurate detection results. Thus, both SAM and DETR algorithms do not have advantages in multi-domain insulator detection tasks.

4.4. Ablation Study

The proposed weather domain synthesis network for extracting cross-modality discriminative information on multi-domain insulator defect detection and classification framework mainly contains two modules of our design: the weather domain synthesis (WDSt) module and the Cross-modality Information Attention YOLO (CIA-YOLO) module. To reveal how each module contributes to performance improvement, we conduct a comprehensive ablation study to analyze them on the MD-insulator dataset as shown in Table 2 and Table 3.
We selected five different attention mechanisms for ablation experiments and obtained the best-performing CIA-YOLO model. Among them, the SE attention [24] (Squeeze-and-Excitation Networks) focuses on channel relationships, adaptively recalibrating channel feature responses by explicitly modeling the interdependencies between channels. The CA [25] (Coordinate Attention) optimizes the position information ignored by SEnet [24] in visual tasks, embedding position information into the attention mechanism and capturing long-range dependencies in one spatial direction while maintaining accurate position information in another spatial direction. The ECA [27] (efficient channel attention) module only adds a small number of parameters but can achieve significant performance gains. The CBAM [26] (Convolutional Block Attention Module) is a combination of spatial and channel attention mechanism modules. Compared to SEnet [24], which only focuses on channel attention, CBAM [26] can achieve better results. The SA [23] (Shuffle Attention) effectively combines two types of attention mechanisms, spatial attention and channel attention, using Shuffle units to achieve better performance while avoiding computational overhead. To improve the detection accuracy of small targets, we also added extra small target detection layers and then connected feature maps of different scales in a pyramid form to fuse high-level and low-level features. In the FPN (Feature Pyramid Network) network, we introduced the weighted bidirectional feature pyramid BiFPN [21] to enhance the low-level information of the feature map, enabling information fusion of feature maps of different scales and thereby strengthening feature information.
Table 2 and Table 3 summarize the performance of the proposed variants of the method. We used the pure YOLOv8n algorithm as the baseline method and trained it using the MD insulator dataset for fair comparison. Due to the limited weather mode gap in the insulator dataset, the baseline performance of the insulator defect detection model task is poor. Table 2 shows the experimental results using our CIA-YOLO strategy. The P r e c i s i o n metric of the detection model increased from 79.6% to 90.5%, and the m A P @ 50 metric increased from 74.1% to 88.2%, achieving the best recognition performance for insulator defects. This is thanks to the CIA-YOLO algorithm, which utilizes attention mechanisms to add detection layers in the network head specifically for small targets, improving the model’s ability to detect small defects in insulators. We used an adverse weather conditions’ test set to validate the performance of the WDSt model, and the results are shown in Table 3. Although it performed poorly in identifying flashover defects (surface defects) in extreme weather, its ability to identify insulators performed well. The P r e c i s i o n metric of the detection model increased from 86.4% to 89.1%, and the m A P @ 50 improved by 17.3%, from 68.6% to 85.9%. This is because the WDSt model we designed reduces the domain gap between different weather conditions for multi-domain insulators.

4.5. Cross-Dataset Evaluation

The analysis of the ablation experiment in the previous section shows that the cross-modality discriminative information with the weather domain synthesis model not only makes the detection model more robust, but also improves the overall performance. In this section, we test the performance of the proposed method on the SFID [17] and CPLID [20] test sets. The SFID is a dataset that includes insulators under foggy weather conditions, where the test set contains 4318 insulators and 760 self-detonation defects. The CPLID dataset consists of insulators captured by UAV under sunny weather conditions, including 600 normal insulators. These models are trained in a limited 100 periods.
The performance of our proposed method on different datasets is shown in Table 4. The results indicate that our method performs better in multi-domain insulator weather conditions, especially for detecting small tasks. On the test set SFID, the P r e c i s i o n , R e c a l l , and m A P @ 50 scores for self-explosion defects are 99.6%, 99.1%, and 99.5%, respectively. The experimental results demonstrate that the proposed multi-domain insulator defect detection algorithm can achieve satisfactory recognition performance on other test sets as well.

4.6. Algorithm Analysis

Insulators operate outdoors and are deeply affected by weather changes, leading to faults. In complex environments, the targets of insulator defects are small and easily concealed, especially flashover damage and broken insulator defects that are difficult to detect. Therefore, if a model can accurately identify defects in complex scenarios, it is crucial to ensure the safe operation of electrical power. In addition, we tested the detection results of four groups of insulator models in different scenarios, shown in Figure 7. The first one tested the model’s ability to detect insulators under foggy weather conditions; the second one tested the model’s ability to detect multiple targets in remote views; and the last two are the ability to detect flashover damage and broken insulator defects that are difficult to identify. The four sets of detection results in Figure 7 show that the detection results of this method are superior to those using the original YOLOv8. In foggy conditions, using the original YOLOv8 means that it cannot detect insulators that are obscured by towers. In the distant view with complex scenarios, the detection model proposed in this paper can detect more insulator strings, as the detection results of flashover damage and broken insulator defects show that the proposed method can not only detect more comprehensive flashover damage, but also has a more sensitive detection of broken insulator defects.
To verify the model’s ability to detect insulators under extreme weather conditions, we simulated a set of insulator images under different levels of weather complexity, and the detection results are shown in Figure 8.
The above test results show that using the multi-domain insulator defect detection and classification model proposed in this paper has the best detection performance, especially in remote and multi-task scenarios of insulator detection in unmanned aerial vehicles (UAVs) power transmission line inspection, overcoming the impact of weather changes on the model detection ability. Therefore, the proposed detection model can output relatively reliable results regardless of the distance, angle, and weather conditions of the insulator in the detected image of the UAV and has strong robustness and generalization capabilities.

5. Conclusions

Insulators are important measures to ensure the safe and stable operation of power transmission lines, and they are prone to damage under variable weather conditions. Therefore, the insulator defect detection model for UAV inspection needs to have good generalization ability to adapt to multi-domain insulator defect detection and classification. In this paper, we propose a weather domain synthesis network for extracting cross-modality discriminative information on multi-domain insulator defect detection and classification tasks. This paper explores a novel weather domain synthesis module (WDSt) for multi-domain insulator defect detection tasks, which gives a new perspective to decreasing the multi-domain insulator modality gap in diverse weather conditions. The proposed Cross-modality Information Attention YOLO (CIA-YOLO) module aims to utilize attention mechanisms and add a detection layer in the network head to improve the model’s ability to detect defects in multi-domain insulators. The experimental results on the proposed multi-domain insulator dataset (MD-Insulator) illustrate the superior performance of the proposed method compared with other methods. In the future, we will evaluate the proposed method’s performance on more complex multi-domain insulator datasets and explore better robustness to mimic real-world scenarios.

Author Contributions

Conceptualization, Y.L. and D.L.; methodology, Y.L. and D.L.; software, Y.L.; validation, Y.L.; formal analysis, Y.L. and D.L.; investigation, Y.L. and D.L.; resources, X.H.; data curation, Y.L.; writing—original draft preparation, Y.L.; writing—review and editing, Y.L., D.L. and X.H. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by the Scientific Research Program Funded by Shaanxi Provincial Education Department (Program No. 21JK0661); in part by the National Natural Science Foundation of China under Grant (Program No. 62306227); in part by Natural Science Basic Research Plan in Shaanxi Province of China under Grant 2022JQ-696, 2022JQ-568; in part by the Key Research and Development Projects in Shaanxi Province (2021GY-306); and in part by the Key R&D plan of Shaanxi (2021GY-320, 2020ZDLGY09-10).

Institutional Review Board Statement

Not applicable.

Data Availability Statement

The Chinese Power Line Insulator Dataset (CPLID) can be downloaded at https://github.com/InsulatorData/InsulatorDataSet, accessed on 30 December 2023; The synthetic foggy insulator dataset (SFID) can be downloaded at https://github.com/zhangzhengde0225/FINet, accessed on 31 December 2023.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Liu, Y.; Liu, D.; Huang, X.; Li, C. Insulator defect detection with deep learning: A survey. IET Gener. Transm. Distrib. 2023, 17, 3541–3558. [Google Scholar] [CrossRef]
  2. Liu, X.; Miao, X.; Jiang, H.; Chen, J. Data analysis in visual power line inspection: An in-depth review of deep learning for component detection and fault diagnosis. Annu. Rev. Control 2020, 50, 253–277. [Google Scholar] [CrossRef]
  3. Shi, W.; Bao, J.; Yao, Y. Remote sensing image target detection and identification based on deep learning. J. Comput. Appl. 2020, 40, 3558. [Google Scholar]
  4. Zou, Z.; Chen, K.; Shi, Z.; Guo, Y.; Ye, J. Object detection in 20 years: A survey. Proc. IEEE 2023, 111, 257–276. [Google Scholar] [CrossRef]
  5. Hui, X.; Bian, J.; Yu, Y.; Zhao, X.; Tan, M. A novel autonomous navigation approach for UAV power line inspection. In Proceedings of the 2017 IEEE International Conference on Robotics and Biomimetics (ROBIO), Macau, Macao, 5–8 December 2017; pp. 634–639. [Google Scholar]
  6. Xu, S.; Deng, J.; Huang, Y.; Ling, L.; Han, T. Research on Insulator Defect Detection Based on an Improved MobilenetV1-YOLOv4. Entropy 2022, 24, 1588. [Google Scholar] [CrossRef] [PubMed]
  7. Cheng, H.; Zhai, Y.; Chen, R. Faster R-CNN based recognition of insulators in aerial images. Mod. Electron. Tech. 2019, 42, 98–102. [Google Scholar]
  8. Liu, X.; Jiang, H.; Chen, J.; Chen, J.; Zhuang, S.; Miao, X. Insulator detection in aerial images based on faster regions with convolutional neural network. In Proceedings of the 2018 IEEE 14th International Conference on Control and Automation (ICCA), Anchorage, AK, USA, 12–15 June 2018; pp. 1082–1086. [Google Scholar]
  9. Liao, G.P.; Yang, G.J.; Tong, W.T.; Gao, W.; Lv, F.L.; Gao, D. Study on power line insulator defect detection via improved faster region-based convolutional neural network. In Proceedings of the 2019 IEEE 7th International Conference on Computer Science and Network Technology (ICCSNT), Dalian, China, 19–20 October 2019; pp. 262–266. [Google Scholar]
  10. Gao, Z.; Yang, G.; Li, E.; Liang, Z. Novel feature fusion module-based detector for small insulator defect detection. IEEE Sens. J. 2021, 21, 16807–16814. [Google Scholar] [CrossRef]
  11. 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]
  12. Ma, B.; Fu, Y.; Wang, C.; Li, J.; Wang, Y. A high-performance insulators location scheme based on YOLOv4 deep learning network with GDIoU loss function. IET Image Process. 2022, 16, 1124–1134. [Google Scholar] [CrossRef]
  13. Liu, C.; Wu, Y.; Liu, J.; Han, J. MTI-YOLO: A light-weight and real-time deep neural network for insulator detection in complex aerial images. Energies 2021, 14, 1426. [Google Scholar] [CrossRef]
  14. Wu, T.; Wang, W.; Yu, L.; Xie, Y.; Yin, W.; Wang, H. Insulator defect detection method for lightweight YOLOV3. Comput. Eng. 2019, 45, 275–280. [Google Scholar]
  15. Zhang, X.; Zhang, Y.; Liu, J.; Zhang, C.; Xue, X.; Zhang, H.; Zhang, W. InsuDet: A fault detection method for insulators of overhead transmission lines using convolutional neural networks. IEEE Trans. Instrum. Meas. 2021, 70, 1–12. [Google Scholar] [CrossRef]
  16. Bao, W.; Du, X.; Wang, N.; Yuan, M.; Yang, X. A Defect Detection Method Based on BC-YOLO for Transmission Line Components in UAV Remote Sensing Images. Remote Sens. 2022, 14, 5176. [Google Scholar] [CrossRef]
  17. Zhang, Z.D.; Zhang, B.; Lan, Z.C.; Liu, H.C.; Li, D.Y.; Pei, L.; Yu, W.X. FINet: An insulator dataset and detection benchmark based on synthetic fog and improved YOLOv5. IEEE Trans. Instrum. Meas. 2022, 71, 1–8. [Google Scholar] [CrossRef]
  18. Sun, J.; Gao, H.; Wang, X.; Yu, J. Scale Enhancement Pyramid Network for Small Object Detection from UAV Images. Entropy 2022, 24, 1699. [Google Scholar] [CrossRef]
  19. Miao, X.; Liu, X.; Chen, J.; Zhuang, S.; Fan, J.; Jiang, H. Insulator detection in aerial images for transmission line inspection using single shot multibox detector. IEEE Access 2019, 7, 9945–9956. [Google Scholar] [CrossRef]
  20. 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]
  21. Tan, M.; Pang, R.; Le, Q.V. Efficientdet: Scalable and efficient object detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 10781–10790. [Google Scholar]
  22. Zhu, L.; Wang, X.; Ke, Z.; Zhang, W.; Lau, R.W. BiFormer: Vision Transformer with Bi-Level Routing Attention. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Vancouver, BC, Canada, 18–22 June 2023; pp. 10323–10333. [Google Scholar]
  23. Zhang, Q.L.; Yang, Y.B. Sa-net: Shuffle attention for deep convolutional neural networks. In Proceedings of the ICASSP 2021–2021 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Toronto, ON, Canada, 6–11 June 2021; pp. 2235–2239. [Google Scholar]
  24. Hu, J.; Shen, L.; Sun, G. Squeeze-and-excitation networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 7132–7141. [Google Scholar]
  25. Hou, Q.; Zhou, D.; Feng, J. Coordinate attention for efficient mobile network design. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 13713–13722. [Google Scholar]
  26. Woo, S.; Park, J.; Lee, J.Y.; Kweon, I.S. Cbam: Convolutional block attention module. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 3–19. [Google Scholar]
  27. Wang, Q.; Wu, B.; Zhu, P.; Li, P.; Zuo, W.; Hu, Q. ECA-Net: Efficient channel attention for deep convolutional neural networks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 11534–11542. [Google Scholar]
  28. Sunkara, R.; Luo, T. No more strided convolutions or pooling: A new CNN building block for low-resolution images and small objects. In Proceedings of the Joint European Conference on Machine Learning and Knowledge Discovery in Databases, Bilbao, Spain, 13–17 September 2021; Springer: Bilbao, Spain, 2022; pp. 443–459. [Google Scholar]
  29. Yang, L.; Fan, J.; Song, S.; Liu, Y. A light defect detection algorithm of power insulators from aerial images for power inspection. Neural Comput. Appl. 2022, 34, 17951–17961. [Google Scholar] [CrossRef]
  30. Liu, X.; Miao, X.; Jiang, H.; Chen, J. Box-point detector: A diagnosis method for insulator faults in power lines using aerial images and convolutional neural networks. IEEE Trans. Power Deliv. 2021, 36, 3765–3773. [Google Scholar] [CrossRef]
  31. Zhu, J.Y.; Park, T.; Isola, P.; Efros, A.A. Unpaired image-to-image translation using cycle-consistent adversarial networks. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2223–2232. [Google Scholar]
  32. Huang, X.; Liu, M.Y.; Belongie, S.; Kautz, J. Multimodal Unsupervised Image-to-image Translation. In Proceedings of the European Conference on Computer Vision (ECCV) 2018, Munich, Germany, 8–14 September 2018. [Google Scholar]
  33. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. arXiv 2016, arXiv:1506.01497. [Google Scholar] [CrossRef] [PubMed]
  34. Jocher, G. ultralytics/yolov5: V3.1—Bug Fixes and Performance Improvements; Zenodo: Geneva, Switzerland, 2020. [Google Scholar] [CrossRef]
  35. Jocher, G.; Chaurasia, A.; Qiu, J. YOLO by Ultralytics. 2023. Available online: https://github.com/ultralytics/ultralytics (accessed on 21 November 2023).
  36. Carion, N.; Massa, F.; Synnaeve, G.; Usunier, N.; Kirillov, A.; Zagoruyko, S. End-to-end object detection with transformers. In Proceedings of the European Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; Springer: Glasgow, UK; pp. 213–229. [Google Scholar]
  37. Kirillov, A.; Mintun, E.; Ravi, N.; Mao, H.; Rolland, C.; Gustafson, L.; Xiao, T.; Whitehead, S.; Berg, A.C.; Lo, W.Y.; et al. Segment anything. arXiv 2023, arXiv:2304.02643. [Google Scholar]
Figure 1. Appearance overview of insulator defects. (a) Self-explosion. (b) Flashover damage. (c) Broken insulator.
Figure 1. Appearance overview of insulator defects. (a) Self-explosion. (b) Flashover damage. (c) Broken insulator.
Entropy 26 00136 g001
Figure 2. The framework of multi-domain insulator defect detection and classification. In the training model, a Cross-modality Information Attention YOLO (CIA-YOLO) model for multi-domain insulator detection and classification is trained by the Multi-domain insulator dataset (MD-insulator), and we leverage an attention mechanism to the model to improve the detection capability for multi-domain insulator defects; in the testing model, we design a novel weather domain synthesis module (WDSt) to convert various weather-conditioned insulator images to the uniform weather domain to decrease the existing domain gap.
Figure 2. The framework of multi-domain insulator defect detection and classification. In the training model, a Cross-modality Information Attention YOLO (CIA-YOLO) model for multi-domain insulator detection and classification is trained by the Multi-domain insulator dataset (MD-insulator), and we leverage an attention mechanism to the model to improve the detection capability for multi-domain insulator defects; in the testing model, we design a novel weather domain synthesis module (WDSt) to convert various weather-conditioned insulator images to the uniform weather domain to decrease the existing domain gap.
Entropy 26 00136 g002
Figure 3. Insulator detection network. (a) YOLOv8 for insulator detection network. (b) Cross-modality Information Attention YOLO for insulator detection network. We added a new small target detection layer, used a repeated weighted bidirectional feature pyramid network for feature fusion, and introduced an effective attention mechanism to enable the network to accurately focus on insulator defect information with the input, improving the detection accuracy of multi-domain insulators. At the same time, it reduces the model complexity and computational overhead.
Figure 3. Insulator detection network. (a) YOLOv8 for insulator detection network. (b) Cross-modality Information Attention YOLO for insulator detection network. We added a new small target detection layer, used a repeated weighted bidirectional feature pyramid network for feature fusion, and introduced an effective attention mechanism to enable the network to accurately focus on insulator defect information with the input, improving the detection accuracy of multi-domain insulators. At the same time, it reduces the model complexity and computational overhead.
Entropy 26 00136 g003
Figure 4. The WDSt-module converts various weather-conditioned insulator images to the uniform weather domain to decrease the domain gap.
Figure 4. The WDSt-module converts various weather-conditioned insulator images to the uniform weather domain to decrease the domain gap.
Entropy 26 00136 g004
Figure 5. The multi-domain insulator dataset (MD-Insulator) contains 12,605 insulator images with three common insulator defects: self-explosion, flashover damage, and broken insulator.
Figure 5. The multi-domain insulator dataset (MD-Insulator) contains 12,605 insulator images with three common insulator defects: self-explosion, flashover damage, and broken insulator.
Entropy 26 00136 g005
Figure 6. The detection results of the multi-domain insulator defect detection and classification model.
Figure 6. The detection results of the multi-domain insulator defect detection and classification model.
Entropy 26 00136 g006
Figure 7. The detection results of the multi-domain insulator defect detection and classification model.
Figure 7. The detection results of the multi-domain insulator defect detection and classification model.
Entropy 26 00136 g007
Figure 8. The results of the insulator defect detection and classification model in extreme weather.
Figure 8. The results of the insulator defect detection and classification model in extreme weather.
Entropy 26 00136 g008
Table 1. A comparison of the multi-domain insulator defect detection and classification algorithms.
Table 1. A comparison of the multi-domain insulator defect detection and classification algorithms.
ModelClass Precision  (%) mAP @ 50  (%)
Faster RCNN [33]Insulator detection-88.6
Self-explosion-85.4
Flashover damage-43.1
Broken insulator-53.5
YOLOv5 [34]Insulator detection95.095.6
Self-explosion92.196.0
Flashover damage72.065.4
Broken insulator71.561.2
YOLOv8 [35]Insulator detection94.198.7
Self-explosion98.399.5
Flashover damage66.856.7
Broken insulator59.141.7
OursInsulator detection97.099.2
Self-explosion99.699.5
Flashover damage80.179.0
Broken insulator85.474.9
Table 2. The ablation study adds different attention mechanisms and extra detection layers in the network, where the baseline utilizes a pure YOLOv8n model.
Table 2. The ablation study adds different attention mechanisms and extra detection layers in the network, where the baseline utilizes a pure YOLOv8n model.
BaselineSACBAMECABiFPNOurs Precision  (%) Recall (%) mAP @ 50 (%)
-----79.671.274.1
----87.170.676.3
----86.172.077.1
----81.173.476.8
----85.774.279.2
----90.582.688.2
✓ means the module utilized in the experiment.
Table 3. The ablation study on the WDSt model and the CIA-YOLO model, where the baseline utilizes a pure YOLOv8n model.
Table 3. The ablation study on the WDSt model and the CIA-YOLO model, where the baseline utilizes a pure YOLOv8n model.
BaselineWDStCIA-YOLO Precision  (%) Recall  (%) mAP @ 50  (%)
--86.463.568.6
-89.183.685.9
✓ means the module utilized in the experiment.
Table 4. Cross-database testing accuracies (%) of the proposed approach using CPLID and SFID.
Table 4. Cross-database testing accuracies (%) of the proposed approach using CPLID and SFID.
Train SetTest SetClassesNumber Precision  (%) Recall  (%) mAP @ 50  (%)
MD-insulatorCPLIDInsulator107397.197.399.1
SFIDInsulator431896.296.699.0
SFIDDefect76099.699.199.5
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

Liu, Y.; Huang, X.; Liu, D. Weather-Domain Transfer-Based Attention YOLO for Multi-Domain Insulator Defect Detection and Classification in UAV Images. Entropy 2024, 26, 136. https://doi.org/10.3390/e26020136

AMA Style

Liu Y, Huang X, Liu D. Weather-Domain Transfer-Based Attention YOLO for Multi-Domain Insulator Defect Detection and Classification in UAV Images. Entropy. 2024; 26(2):136. https://doi.org/10.3390/e26020136

Chicago/Turabian Style

Liu, Yue, Xinbo Huang, and Decheng Liu. 2024. "Weather-Domain Transfer-Based Attention YOLO for Multi-Domain Insulator Defect Detection and Classification in UAV Images" Entropy 26, no. 2: 136. https://doi.org/10.3390/e26020136

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