Next Article in Journal
Research on the Impact of Heating Conditions for Passive Air-Cooling System Wind Loading Performance Test
Previous Article in Journal
Recovery of Waste-Activated Carbon for Synthesizing High-Efficiency ORR Electrocatalyst
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

YOLOLS: A Lightweight and High-Precision Power Insulator Defect Detection Network for Real-Time Edge Deployment

1
Department of Mechanical Engineering, North China Electric Power University, Baoding 071003, China
2
Hebei Engineering Research Center for Advanced Manufacturing & Intelligent Operation and Maintenance of Electric Power Machinery, North China Electric Power University, Baoding 071003, China
3
Hebei Key Laboratory of Electric Machinery Health Maintenance & Failure Prevention, North China Electric Power University, Baoding 071003, China
4
School of Mechanical Engineering, Shenyang Jianzhu University, Shenyang 110168, China
5
The State Key Laboratory of Digital Steel, Northeastern University, Shenyang 110819, China
*
Author to whom correspondence should be addressed.
Energies 2025, 18(7), 1668; https://doi.org/10.3390/en18071668
Submission received: 3 March 2025 / Revised: 17 March 2025 / Accepted: 21 March 2025 / Published: 27 March 2025
(This article belongs to the Section F: Electrical Engineering)

Abstract

:
Real-time insulator defect detection is critical for ensuring the reliability and safety of power transmission systems. However, deploying deep learning models on edge devices presents significant challenges due to limited computational resources and strict latency constraints. To address these issues, we propose YOLOLS, a lightweight and efficient detection model derived from YOLOv8n and optimized for real-time edge deployment. Specifically, YOLOLS integrates GhostConv to generate feature maps through stepwise convolution, reducing computational redundancy while preserving representational capacity. Moreover, the C2f module is restructured into a ResNet–RepConv architecture, in which convolution and Batch Normalization layers are fused during inference to reduce model complexity and enhance inference speed. To further optimize performance, a lightweight shared-convolution detection head significantly reduces parameter count and computational cost without compromising detection accuracy. Additionally, an auxiliary bounding box mechanism is incorporated into the CIoU loss function, improving both convergence speed and localization precision. Experimental validation on the CPLID dataset demonstrates that YOLOLS achieves a 42.4% reduction in parameters and a 48.1% decrease in FLOPs compared to YOLOv8n while maintaining a high mAP of 91%. Furthermore, when deployed on Jetson Orin NX, YOLOLS achieves 44.6 FPS, ensuring real-time processing capability. Compared to other lightweight YOLO variants, YOLOLS achieves a better balance between accuracy, computational efficiency, and inference speed, making it an optimal solution for real-time insulator defect detection in resource-constrained edge computing environments.

1. Introduction

Insulators are vital components in power transmission systems, providing both electrical insulation and mechanical support under challenging environmental conditions [1]. However, common defects such as string-dropping and physical damage pose serious risks to grid stability and safety [2]. Therefore, timely defect detection and maintenance are thus of critical importance [3]. Traditional manual inspections characterized by low efficiency, high cost, and a substantial risk of oversight have long been the standard practice [4]. The advent of high-performance computing and deep learning has led to more efficient and accurate methods for insulator defect detection [5]. In particular, combining unmanned aerial vehicle (UAV) imagery with deep learning algorithms has emerged as the predominant method, enabling aerial imagery to be processed for the automatic identification of insulator defects [6]. Compared to classical, machine learning-based target detection techniques, deep learning typically offers higher recognition accuracy and speed [7], resulting in notable successes in power transmission defect detection tasks [8]. Moreover, as UAVs and edge computing devices become integral to transmission line inspections, real-time defect detection has gained increasing importance by facilitating immediate anomaly identification and prompt maintenance to mitigate potential safety risks and enhance grid reliability.
Deep learning-based object detection algorithms can be broadly categorized into two-stage and one-stage methods. Two-stage approaches, such as RCNN [9], SPPNet [10], Faster R-CNN [11], Mask R-CNN [12], and R-FCN [13], first generate candidate regions and then refine detections. Although highly accurate, these methods often suffer from substantial computational overhead and large parameter counts, making them less suitable for edge-computing applications. In contrast, one-stage algorithms, including YOLO [14], SSD [15], CenterNet [16], and DSSD [17], directly predict both categories and locations from input images, achieving faster detection speeds and improved real-time performance [18], which makes one-stage methods particularly attractive for insulator defect detection in the field. Recent adaptations of these methods have been tailored specifically to the challenges of insulator defect detection, refining the balance between accuracy and speed for practical applications.
Building on one-stage algorithms, recent research has targeted the lightweight design of detection models to facilitate deployment on resource-constrained devices. Modifications in one-stage YOLO-based frameworks include using alternative activation functions, such as Mish, combined with dynamic convolution operations to enhance feature representation and accelerate model convergence [19]. Qiu et al. [20] employed the MobileNet network to replace YOLOv4’s feature extraction backbone and used Laplace sharpening to improve insulator detection accuracy. Lan et al. [21] integrated the Ghost module into the YOLOv5 backbone and introduced the CBAM attention mechanism into the neck, enhancing accuracy and detection speed while reducing model size. Building on this trend, Li et al. [22] developed LiteYOLO-ID by designing a novel lightweight convolutional module (EGC, or ECA-GhostNet-C2f) and constructing EGC-CSPGhostNet to replace the standard YOLOv5S backbone. They also proposed a lightweight neck network (EGC-PANet), which reduced parameters by 47.13%, increased mean average precision (mAP@0.5) by 1%, and achieved a detection speed of 20.2 FPS on an NVIDIA Jetson TX2 NX. Zhang et al. [23] advanced a lightweight YOLOv7-based algorithm by introducing the DSC-SE module, which combines depthwise separable convolutions with the SE channel attention mechanism, into the backbone, replacing standard convolutions with grid-sensitive convolutions in the feature fusion step and employing EIoU-loss. Although this approach reduced floating-point operations (GFLOPs) by 54.5%, model size by 37.8%, and improved accuracy by 4.9%, its detection speed remained at 13 FPS on an NVIDIA Jetson Nano, which is insufficient for real-time applications. More recently, Liu et al. [24] proposed YOLO-PowerLite, a lightweight YOLO model optimized for transmission line defect detection. Their network introduces the C2f_AK module and a bidirectional feature pyramid, merging multiple convolutions in the decoupling head. This approach achieved the same accuracy as YOLOv8n while reducing parameters by 42.3%, FLOPs by 30.9%, and model size by 40.4%, though without an improvement in detection speed.
While previous studies have predominantly concentrated on YOLO-based frameworks, recent work on power insulator defect detection highlights promising non-YOLO alternatives. For example, specialized methods such as lightweight Faster R-CNN variants [25] and FusionNet [26] have demonstrated competitive performance, particularly in scenarios with complex backgrounds and variable target scales. In addition, transformer-based architectures and strategies incorporating super-resolution modules have been proposed to overcome the challenges of detecting small insulator defects, providing new avenues for integrating diverse detection paradigms [27]. Moreover, approaches addressing issues of sample imbalance and incomplete annotations using positive-unlabeled learning and focal loss have been developed to further refine detection precision in real-world scenarios [28]. These findings underscore the importance of comparing and combining both YOLO and non-YOLO approaches for a comprehensive insulator monitoring solution.
Recent investigations have addressed these challenges by incorporating advanced loss functions, such as SIoU [29], as well as innovative feature representation modules, including the MCI-GLA plug-in [30] and 3D attention-focused architectures [31]. Additionally, methods like ML-YOLOv5 [18] and SnakeNet [32] further illustrate the potential of integrating both YOLO-based and alternative strategies to enhance detection under varied conditions. Foundational methods such as GhostConv and RepConv have also demonstrated specific advantages in power infrastructure monitoring. GhostConv efficiently expands feature maps with fewer parameters [33], while RepConv fuses convolution and Batch Normalization during inference to reduce computational overhead without sacrificing accuracy [34]. Such analyses are essential for understanding the technical benefits and limitations of these modules in the context of insulator defect detection, a topic that has received limited attention in earlier studies. Furthermore, several works have optimized algorithms for deployment on UAV platforms and edge devices, achieving lower power consumption and reduced inference latency through model segmentation, efficient layer mapping, and lightweight backbones [35]. These studies collectively demonstrate a multifaceted strategy that enhances insulator detection by synergistically improving computational efficiency, feature extraction, and loss function design.
Despite these advancements, insulator defect detection still demands even higher computational efficiency and resource optimization in edge environments. Real-time performance on devices with limited hardware remains a significant challenge, as many existing models struggle to balance accuracy and inference speed under these constraints. To address this need for lightweight solutions, we propose YOLOLS, a lightweight, high-speed model derived from YOLOv8n that is specifically optimized for real-time insulator defect detection in resource-constrained settings. Our model leverages recent innovations in model re-parameterization, loss function design, and feature representation to balance detection accuracy with minimal computational overhead. The main contributions of this paper are as follows:
  • Our approach replaces standard convolutions with GhostConv to achieve efficient feature map expansion, thereby reducing parameter count and computational cost. Additionally, we introduce a novel restructuring of the C2f module into a ResNet–RepConv configuration, which enables the fusion of convolution and Batch Normalization during inference, further streamlining the network for lightweight feature extraction.
  • We developed a shared convolutional detection head, a weight-sharing mechanism across multiple detection scales that minimizes redundant computations and fosters a unified representation, to enhance multi-scale feature alignment and improve detection robustness.
  • By integrating an auxiliary bounding box, e.g., Inner-IoU, into the existing CIoU loss framework, our model becomes more sensitive to minor discrepancies between predicted and ground truth boxes, expediting convergence and improving localization accuracy, especially for small or partially occluded insulators.
  • We extensively validate YOLOLS on the CPLID and IDID datasets, encompassing a wide range of real-world insulator scenarios. Comparative experiments confirm that our model outperforms mainstream algorithms in both accuracy and inference speed under edge-computing constraints. These results confirm that the architectural modifications and loss function enhancements in YOLOLS provide a robust, rapid, and cost-effective solution for real-time insulator defect detection in challenging, resource-limited environments.
The remainder of this paper is organized as follows. Section 2 reviews related work and details the proposed approach, including the network architecture modifications, module construction, and improvements to the loss function. Section 3 presents comprehensive experimental evaluations and comparisons with state-of-the-art methods. Finally, Section 4 concludes the paper and outlines potential directions for future research.

2. Proposed Methodology and Model Construction

2.1. Proposed Model Architecture

The YOLOv8 series exhibits significant advancements in both accuracy and inference speed compared to earlier YOLO models, rendering it a popular choice for various detection scenarios [36]. Among its variants, as shown in Figure 1, the YOLOv8n model achieves optimal computational efficiency and parameter economy while retaining competitive accuracy, rendering it particularly suitable for edge-device deployment. Building on this foundation, we adopt YOLOv8n as our baseline framework and introduce targeted architectural refinements to optimize performance under resource-limited conditions. As illustrated in Figure 2, our enhanced design focuses on restructuring the backbone, neck, and head modules to accommodate resource-constrained conditions. Specifically, we replace standard convolutional layers with GhostConv, a lightweight operator that generates additional feature maps by applying linear transformations to a subset of standard convolution outputs. This two-stage approach eliminates redundant computations while preserving representational capacity. Next, we modify the C2f module by integrating ResNet-style residual connections and RepConv re-parameterization techniques. This ResNet–RepConv architecture benefits from residual skip connections during training and merges convolution and Batch Normalization operations into a single branch at inference. Consequently, the network achieves higher throughput without sacrificing performance. In the detection head, we introduce a shared-convolution paradigm in which multiple detection scales reuse a single set of convolutional filters. This strategy not only curtails the overall parameter count but also aligns multi-scale features, thereby streamlining the detection pipeline. Finally, to improve bounding-box regression, we replace the standard CIoU loss with Inner-CIoU, an enhanced loss function that incorporates auxiliary bounding boxes to fine-tune geometric alignment during optimization. By emphasizing high-IoU regions, Inner-CIoU accelerates convergence and refines localization accuracy.
Collectively referred to as YOLOLS, these architectural enhancements balance speed and accuracy under resource-limited conditions. Moreover, the design accommodates potential future optimizations, such as integer quantization or hardware-specific acceleration libraries (e.g., TensorRT), to further reduce latency on embedded platforms.

2.2. Inner-CIoU

YOLOv8 employs CIoU [37] to more comprehensively capture the geometric relationships between predicted boxes and target boxes. As depicted in Figure 3, the CIoU loss depends on factors such as box overlap, center-point distance, and aspect ratio. When the anchor box varies in position relative to the target box, different similarity measures arise. The CIoU formulation is presented in Figure 3 and Equations (1)–(3):
L CIoU = 1   IoU + ρ 2 b , b gt c 2 + α υ
where IoU denotes the intersection-over-union between the predicted bounding box b and the ground truth bounding box bgt. ρ 2 b , b gt is the squared Euclidean distance between the centers of the predicted box and the ground truth box. c represents the diagonal length of the smallest enclosing box that tightly encloses both b and bgt. υ is a term measuring the discrepancy in aspect ratios between the predicted box and the ground truth box. It is computed as:
υ = 4 π arctan w gt h gt arctan w h 2
where (w, h) and (wgt, hgt) are the width and height of the predicted box and the ground truth box, respectively. α is a weighting factor that dynamically balances the IoU term and the aspect ratio term:
α = υ ( 1 IoU ) + υ
Putting all these components together, CIoU improves on the traditional IoU-based losses (and its variants, such as DIoU) by taking both the distance between centers and the aspect ratio into consideration, leading to more stable and accurate bounding box regression in deep learning-based object detection systems.
Although CIoU offers a more holistic measure of box overlap, its convergence can be sluggish. To overcome this limitation, we introduce the Inner-IoU concept [38], which leverages auxiliary bounding boxes to refine the loss calculation (as shown in Equations (4)–(14)). This innovation enhances the model’s localization precision and accelerates the regression of predicted boxes. The calculation formulas of Inner-IoU are as follows:
b r g t = x c g t + w g t × r a t i o 2
b t g t = y c g t h g t × r a t i o 2
b b g t = y c g t + h g t × r a t i o 2
b l = x c w × r a t i o 2
b r = x c g t + w × r a t i o 2
b t = y c h × r a t i o 2
b b = y c g t + h × r a t i o 2
i n t e r = ( m i n ( b r g t , b r ) m a x ( b l g t , b l ) ) ( m i n ( b b g t , b b ) m a x ( b t g t , b t ) )
u n i o n = ( w g t × h g t ) × ( r a t i o n ) 2 + ( w × h ) × ( r a t i o n ) 2 i n t e r
IoU inner = i n t e r u n i o n
  L inner - CIoU = L CIoU + IoU   -   IoU inner
In this study, the parameter ratio is set to 0.7, ensuring that the auxiliary bounding box is smaller than the actual target box. Although this results in a narrower effective regression range, the gradient’s absolute value is larger than that obtained using standard IoU, thus promoting faster convergence for high-IoU samples. Consequently, the model converges faster and achieves more precise localization, particularly for small or partially occluded objects. This approach is especially advantageous for insulator defect detection, where unobstructed, high-quality views of targets may be limited.

2.3. Lightweight Shared Convolutional Detection Head

In the original YOLOv8 architecture, the detection head significantly contributes to the model’s overall parameter count and computational load. This component typically relies on multiple 3 × 3 and 1 × 1 convolution layers to predict bounding boxes and classification probabilities, adding approximately 898k parameters—over 30% of the network’s total. Such complexity may hinder real-time performance, particularly on devices with limited GPU or CPU capacity, especially when deployed on resource-constrained edge devices.
To address this challenge, we propose a Shared Convolution strategy that applies a single set of convolutional filters across multiple detection scales., as illustrated in Figure 4. This weight-sharing mechanism trims redundant computations and yields a more compact model without degrading feature extraction quality. Furthermore, we replace Batch Normalization (BN) with Group Normalization (GN). BN often performs sub-optimally when batch sizes are small, a common condition in edge-computing environments [39]. In contrast, GN normalizes feature responses along group-wise channels rather than across the mini-batch, making it less sensitive to fluctuations arising from small or variable batch sizes. This advantage helps maintain robust performance in both localization and classification tasks while preserving overall model accuracy. By combining shared convolutions with GN, our redesigned detection head markedly reduces parameter usage and inference time, making it better suited for latency-critical applications. This optimization proves indispensable in scenarios where on-device processing must be executed in real-time, such as during field inspections of power lines.

2.4. ResNet–RepConv

The C2f module in YOLOv8 draws on residual network designs by incorporating N Bottleneck blocks. Although these Bottleneck blocks, with their multiple convolution operations, can capture more complex features, they also increase model complexity and reduce detection speed. As depicted in Figure 5, we address this limitation by removing the Bottleneck structure. To compensate for potential performance loss, we incorporate RepConv [40] into the gradient-flow branch. RepConv strengthens both feature extraction and gradient flow, thereby maintaining detection performance while lowering model complexity and improving inference speed.
RepConv applies the core principle of re-parameterization. During training, it uses a multi-branch convolutional structure. During inference, its branch parameters are re-parameterized onto a single main branch, and convolution layers are fused with normalization layers, thus reducing computational overhead. The following equations illustrate its operation:
Conv x = W x + b
The calculation formula for the BN is as follows:
μ B = 1 m i = 1 m x i
σ B 2 = 1 m i = 1 m ( x i μ B ) 2
x ^ i = x i μ B σ B 2 + ε
BN ( x ) = γ x ^ i + β
Here, γ and β are learnable parameters during the training process, while ε is a small positive constant. Substituting the convolution results into the BN formula and simplifying yields:
BN ( Conv ( x ) ) = γ W ( x ) σ B 2 + ε + γ ( b μ B ) σ B 2 + ε + β
where the term γ W ( x ) σ B 2 + ε can be viewed as w 1 x and γ b μ B σ B 2 + ε + β as b 1 . Thus, the combined operations of convolution and Batch Normalization can be expressed more concisely as a single convolution:
  BN Conv x = w 1   x + b 1
Through this re-parameterization strategy, RepConv maintains a relatively complex multi-branch structure during training for enhanced feature learning and condenses these operations into a single branch during inference. Consequently, the network benefits from richer representational capabilities while minimizing the computational burden in real-world deployment.

2.5. GhostConv

Unlike standard convolution operations, GhostConv [41] divides the process into two distinct stages, as depicted in Figure 6. First, a smaller feature map is generated using a standard convolution, which lowers the computational cost. Then, depthwise separable group convolution is applied to this intermediate feature map, producing additional feature channels. Finally, the two resulting feature maps are concatenated to form the final output. By segmenting the convolution operation into stepwise procedures, GhostConv reduces parameter count and computational overhead while maintaining the same number of output feature maps as a conventional convolution layer [42]. This design not only preserves performance but also saves computational resources, thereby improving model detection speed—an advantage particularly valuable for real-time or resource-constrained applications.

3. Experimental Results and Discussion

3.1. Experimental Details

To evaluate the effectiveness of the improved model, we use the Chinese Power Line Insulator Dataset (CPLID) [43], an open-source dataset (available at: https://github.com/InsulatorData/InsulatorDataSet (accessed on 23 March 2025)) designed explicitly for detecting power line insulator defects. This dataset includes 600 normal insulator images and 248 synthetically generated defective insulator images, yielding a total of 848 images. It features two labels: “insulator string” and “insulator defect”. As depicted in Figure 7, we employ various data augmentation techniques—such as random cropping, flipping, and color perturbations—to enhance model generalization. This process triples the number of original images. The expanded dataset is then divided into a 7:2:1 ratio, resulting in a training set of 1780 images, a test set of 509 images, and a validation set of 255 images.
Our experiments utilize two distinct hardware platforms—one for high-performance model training and another for resource-efficient edge deployment—to accommodate the full lifecycle of real-time power insulator defect detection. On the training side, we employ a server with an RTX 4090D GPU (24 GB VRAM) and an Intel(R) Xeon(R) Platinum 8474C CPU, manufactured by Intel Corporation, Penang, Malaysia, running Ubuntu 20.04. This setup leverages Python 3.8, PyTorch 1.11.0, and CUDA 11.3, enabling large-scale computations, rapid prototyping, and accelerated deep-learning workflows. The specific training hyperparameters used in our experiments are detailed in Table 1. For on-site or near real-time deployment, we turn to a Jetson Orin NX (16 GB) module, also running Ubuntu 20.04 but optimized with TensorRT 8.5.2.2 and CUDA 11.4. This edge-oriented hardware offers a careful balance between inference speed and power consumption, making it especially suitable for field inspections or mobile robotic platforms (e.g., UAVs). By integrating TensorRT optimizations—such as layer fusion, kernel auto-tuning, and precision calibration (FP16 or INT8)—the model can achieve sub-25-ms inference latency for a single image, facilitating near real-time insulator defect detection even under stringent resource constraints. Figure 8 provides a high-level overview of our technical pipeline for real-time power insulation inspections. The workflow begins with data acquisition via UAVs, which capture images of insulators from various angles. These images are then preprocessed (e.g., resized, normalized, or augmented) before being fed into the trained YOLOLS model on the Jetson Orin NX device. Through on-device inference, defects are identified in real time, and bounding boxes or other relevant annotations are overlaid on the original images. The resulting predictions can either be stored locally for post-inspection analysis or transmitted wirelessly to a central control station for immediate operator review.
By adopting this integrated approach, spanning high-performance offline training and resource-optimized edge inference, we achieve a robust, scalable solution for real-time power insulator defect detection. This methodology not only minimizes downtime and labor expenses but also significantly mitigates the risk of catastrophic failures in power systems, showcasing the practical value and economic benefits of edge computing in industrial inspection settings.

3.2. Evaluation Metrics

To assess the detection performance of our algorithm, we use the mean Average Precision (mAP). Equations (22)–(25) define the calculation of mAP:
P = T P T P + F P
R = T P T P + F N
AP = 0 1 P ( R ) d R × 100 % )
mAP = i = 0 m A P m × 100 %
where FP denotes the number of false-positive predictions, FN indicates the number of false-negative predictions, and TP represents the number of true positives. AP measures the detection accuracy for a single category, while mAP is the mean value of AP across multiple categories.
We also incorporate GFLOPs, Params, and FPS to evaluate model complexity and computational efficiency. GFLOPs (Giga Floating-Point Operations) and Params (number of parameters) quantify the model’s computational cost, whereas FPS indicates the model’s detection speed. Their respective equations appear in (26)–(28):
GFLOPs = W × H × K 2 × C i n × C o u t
Params = C i n × C o u t × K 2
FPS = 1 T
In these formulas, W and H represent the width and height of the feature map, Cin and Cout correspond to the input and output channels, K denotes the convolution kernel size, and T is the processing time per image.

3.3. Ablation Experiments

To systematically assess how each proposed modification affects accuracy, model size, and inference speed in insulator defect detection, we performed eight ablation experiments. Table 2 summarizes the incremental contributions of our proposed modules—Inner-CIoU, Lightweight Shared Convolutional Detection Head (LSCDH), GhostConv, and ResNet–RepConv—when integrated with the baseline YOLOv8n model.
In Table 2, a “√” indicates that the corresponding module has been incorporated into the baseline model. Model A replaces CIoU with Inner-CIoU, increasing mAP by 1.2% without impacting computational cost or inference speed. This result demonstrates that auxiliary bounding boxes enhance localization precision by improving overlapping emphasis. Incorporating LSCDH significantly reduces parameters (down to 2.30 M from 3.01 M) and lowers FLOPs from 8.1 to 6.5, while maintaining competitive accuracy (91.9%). This highlights LSCDH’s capability to streamline the detection pipeline. Substituting standard convolutions with GhostConv reduces parameters to 2.73 M and FLOPs to 7.5 but slightly lowers mAP (91.2%) and FPS (34.5), suggesting a trade-off between stepwise convolution savings and potential inference overhead. Replacing the C2F module with ResNet–RepConv achieves the largest reduction in parameters (2.20 M) and FLOPs (6.0), increasing FPS to 41.7 without affecting accuracy (91.1%). Model E integrates both Inner-CIoU and LSCDH, achieving the highest mAP (92.5%) with a modest improvement in FPS (38.6). In Model F, adding GhostConv further cuts parameters (2.09 M) and FLOPs (6.1), but the FPS and mAP both declines compared to Model E, highlighting the balance between lightweight design and performance.
Building on Model E, YOLOLS also replaces C2F with ResNet–RepConv. This change slashes FLOPs to 3.9—less than half that of YOLOv8n—and trims parameters to 1.27 M, only 40% of the baseline. The FPS leaps to 44.6 on Jetson Orin NX, an improvement of 8.4 FPS over YOLOv8n, while maintaining a mAP of 91%. The 0.1% drop in accuracy is negligible given the significant gains in speed and resource efficiency. These ablations confirm that each component (Inner-CIoU, LSCDH, GhostConv, and ResNet–RepConv) individually contributes to either accuracy or efficiency. Their combined impact makes YOLOLS a lightweight yet powerful detector for insulator defects, ensuring high-speed inference and robust accuracy in resource-constrained environments.

3.4. Comparative Experiments

To benchmark YOLOLS against state-of-the-art lightweight detection models, we compare it with YOLOv4tiny, Yolov5s, YOLOv7tiny, Yolov8s, Yolov8n, Yolov9t [44], and YOLOv10n [45]. In addition, we compared the non-YOLO models with our model. The results are summarized in Table 3.
As shown in Table 3, while YOLOLS’s mAP (91.0%) is slightly lower than the highest value (94.2% for Yolov8s), it outperforms most other models in absolute terms, remaining competitive despite having the fewest parameters (1.27 M). With an FPS of 44.6, YOLOLS outpaces all other contenders, including the comparably small Yolov9t (20.9 FPS) and Yolov10n (34.7 FPS). This speed advantage is particularly crucial for real-time edge applications. YOLOv8s, although highly accurate, consumes 11.1 M parameters and 28.4 GFLOPs, resulting in only 19.1 FPS on Jetson Orin NX—unsuitable for strict real-time scenarios. In contrast, YOLOLS processes more than twice as many frames (44.6 FPS) with fewer parameters and significantly lower FLOPs. Additionally, the number of parameters and the computational effort of the non-YOLO models are on the large side, resulting in very slow detection.
Figure 9 visually compares each model’s accuracy, speed, and parameter size. YOLOLS strikes an optimal balance, ensuring cost-effective detection with minimal hardware demands and meeting real-time constraints in edge environments.

3.5. Robustness Experiment of Model

In practical field settings, visual inputs may suffer from challenging environmental conditions like direct glare or fog occlusion. To examine model robustness, we introduced high-exposure and synthetic fog perturbations. Table 4 outlines the performance drops for both YOLOLS and YOLOv8n under these scenarios. As shown in Table 4, under high-exposure conditions, both YOLOLS and YOLOv8n achieve an mAP of 0.904, demonstrating strong adaptability to high-intensity lighting environments with minimal performance degradation. However, under synthetic fog conditions, the performance of both models declines significantly due to visual obstructions. YOLOLS experiences a 6.7% drop in mAP, whereas YOLOv8n shows a 5.8% decline. Despite this reduction, YOLOLS maintains a relatively high mAP of 0.843, confirming that its detection accuracy remains robust even in adverse weather conditions.
Figure 10 presents the detection results of both models across different scenarios. From left to right, the images depict the detection results on original images, high-exposure environments, and synthetic fog conditions, respectively. In Figure 10, red bounding boxes highlight missed detections. It is evident that in synthetic fog environments, smaller insulator defect targets are more likely to be obscured, leading to false negatives. However, in most cases, both models effectively identify insulators and defect regions, and their detection performance remains comparable. Despite its lightweight design, YOLOLS maintains robustness comparable to YOLOv8n, effectively handling complex environmental conditions. It demonstrates strong adaptability to high-exposure environments and maintains high detection accuracy under foggy conditions. These results confirm that YOLOLS is suitable for real-world insulator defect detection applications, ensuring efficient and reliable performance in challenging scenarios.
In addition, to validate the robustness and generalizability of our model, we conducted comparative experiments on another public power insulator dataset, IDID [47]. We compared our model with various detection architectures, including those specifically designed for insulator defect detection. The IDID dataset comprises 1600 high-resolution images of transmission line insulators, annotated with three categories: flashover damage insulator, broken insulator, and insulator string. As shown in Table 5, the results for the first six models were directly sourced from the literature, while the remaining results were obtained from our experiments. Our findings indicate that our model is highly competitive, achieving high performance while maintaining a lightweight architecture.
Lastly, we generate feature-layer heatmaps using HiResCAM [48] for the 10th, 12th, 14th, 16th, and 18th layers of YOLOv8n and YOLOLS to visualize each network’s attention distribution (Figure 11). The brightness variations in these heatmaps indicate the degree of attention the model assigns to specific regions. As illustrated in Figure 11, both YOLOLS and YOLOv8n successfully detect insulators with high accuracy. Although YOLOLS exhibits a slightly lower confidence score, both models focus on the critical features of insulators, resulting in comparable overall detection performance. For insulator defect detection, the performance of both networks remains nearly identical. However, YOLOLS demonstrates a more precise focus on defect characteristics, indicating that despite its lightweight architecture, its defect detection capability is not compromised.

4. Conclusions

To address the real-time detection requirements for power insulator defects on edge devices, we introduced YOLOLS, a lightweight object detection model derived from YOLOv8n and optimized for real-time insulator defect detection on edge devices. YOLOLS is designed to address the limitations of resource-constrained environments by integrating several key innovations. Our model employs GhostConv for efficient feature extraction and a restructured C2f module via a ResNet–RepConv configuration to streamline inference and reduce computational costs. In addition, a shared convolutional detection head minimizes redundant computations across scales, while an auxiliary Inner-IoU mechanism refines the CIoU loss function to enhance localization accuracy, particularly for small or occluded defects. Extensive experiments on the CPLID datasets demonstrate that YOLOLS achieves a 91% mAP and processes at 44.6 FPS on the Jetson Orin NX, significantly reducing both parameter count, and FLOPs compared to YOLOv8n. In addition, we verified the generalization ability as well as the stability of the model through robustness experiments. These results confirm that YOLOLS is a robust, efficient, and practical solution for the real-time insulator detection requirements for edge devices, making it an efficient and practical solution for resource-constrained power industrial applications.
Despite these promising outcomes, further research should concentrate on fully integrating lightweight, efficient, and reliable models with edge computing frameworks to enable rapid defect detection and immediate response in power grids. Future work will focus on optimizing the detection model for a combination of cloud, edge, and end detection strategies, thereby reducing latency and enhancing scalability while maintaining robust performance under diverse operating conditions. In addition, there remains a critical need to develop integrated alert systems that leverage the fast-processing capabilities of edge platforms, triggering immediate notifications and rapid remedial actions upon defect detection. Expanding the application of the model to monitor other critical transmission components, such as power towers, fittings, transformers, and conductors, will further demonstrate its versatility in power infrastructure monitoring. Addressing these aspects will help overcome current limitations and significantly enhance the practical impact of real-time, edge-based defect detection in power industrial applications.

Author Contributions

Conceptualization, Q.W. and Z.H.; methodology, Q.W.; software, Z.H.; validation, Q.W and Z.H.; formal analysis, E.L.; investigation, Z.H.; resources, Z.H.; data curation, Q.W., Z.H. and G.W.; writing—original draft preparation, Q.W. and Z.H.; writing—review and editing, Q.W., Z.H., E.L., G.W., W.Y., Y.H., W.P. and J.S.; visualization, E.L.; supervision, E.L. and W.Y.; project administration, J.S.; funding acquisition, Q.W. and J.S. All authors have read and agreed to the published version of the manuscript.

Funding

This research was financially supported by the Fundamental Research Funds for the Central Universities (Grant No.: 2023MS134) and the National Natural Science Foundation of China (Grant No.: U21A20117).

Data Availability Statement

The CPLID dataset supporting this study is openly available on GitHub at the following URL: https://github.com/InsulatorData/InsulatorDataSet (accessed on 23 March 2025).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Liu, C.; Wu, Y.; Liu, J.; Sun, Z.; Xu, H. Insulator faults detection in aerial images from high-voltage transmission lines based on deep learning model. Appl. Sci. 2021, 11, 4647. [Google Scholar] [CrossRef]
  2. Anjum, S.; Jayaram, S.; El-Hag, A.; Jahromi, A.N. Detection and classification of defects in ceramic insulators using RF antenna. IEEE Trans. Dielectr. Electr. Insul. 2017, 24, 183–190. [Google Scholar]
  3. Song, C.; Xu, W.; Han, G.; Zeng, P.; Wang, Z.; Yu, S. A cloud edge collaborative intelligence method of insulator string defect detection for power IIoT. IEEE Internet Things J. 2020, 8, 7510–7520. [Google Scholar]
  4. Rahman, E.U.; Zhang, Y.; Ahmad, S.; Ahmad, H.I.; Jobaer, S. Autonomous vision-based primary distribution systems porcelain insulators inspection using UAVs. Sensors 2021, 21, 974. [Google Scholar] [CrossRef]
  5. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef] [PubMed]
  6. Liu, J.; Hu, M.; Dong, J.; Lu, X. Summary of insulator defect detection based on deep learning. Electr. Power Syst. Res. 2023, 224, 109688. [Google Scholar]
  7. Souza, B.J.; Stefenon, S.F.; Singh, G.; Freire, R.Z. Hybrid-YOLO for classification of insulators defects in transmission lines based on UAV. Int. J. Electr. Power Energy Syst. 2023, 148, 108982. [Google Scholar]
  8. Luo, Y.; Yu, X.; Yang, D.; Zhou, B. A survey of intelligent transmission line inspection based on unmanned aerial vehicle. Artif. Intell. Rev. 2023, 56, 173–201. [Google Scholar]
  9. Girshick, R.; Donahue, J.; Darrell, T.; Malik, J. Rich feature hierarchies for accurate object detection and semantic segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 23–28 June 2014; pp. 580–587. [Google Scholar]
  10. He, K.; Zhang, X.; Ren, S.; Sun, J. Spatial pyramid pooling in deep convolutional networks for visual recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2015, 37, 1904–1916. [Google Scholar]
  11. Ren, S. Faster r-cnn: Towards real-time object detection with region proposal networks. arXiv 2015, arXiv:1506.01497. [Google Scholar]
  12. He, K.; Gkioxari, G.; Dollár, P.; Girshick, R. Mask r-cnn. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2961–2969. [Google Scholar]
  13. Dai, J.; Li, Y.; He, K.; Sun, J. R-fcn: Object detection via region-based fully convolutional networks. In Proceedings of the Advances in Neural Information Processing Systems (NIPS 2016), Barcelona, Spain, 5–10 December 2016; Volume 29. [Google Scholar]
  14. Redmon, J. You only look once: Unified, real-time object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar]
  15. Liu, W.; Anguelov, D.; Erhan, D.; Szegedy, C.; Reed, S.; Fu, C.-Y.; Berg, A.C. Ssd: Single shot multibox detector. In Proceedings of the Computer Vision–ECCV 2016: 14th European Conference, Amsterdam, The Netherlands, 11–14 October 2016; Proceedings Part I. Springer: Berlin/Heidelberg, Germany, 2016; pp. 21–37. [Google Scholar]
  16. Duan, K.; Bai, S.; Xie, L.; Qi, H.; Huang, Q.; Tian, Q. Centernet: Keypoint triplets for object detection. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 6569–6578. [Google Scholar]
  17. Fu, C.-Y.; Liu, W.; Ranga, A.; Tyagi, A.; Berg, A.C. Dssd: Deconvolutional single shot detector. arXiv 2017, arXiv:1701.06659. [Google Scholar]
  18. Wang, T.; Zhai, Y.; Li, Y.; Wang, W.; Ye, G.; Jin, S. Insulator defect detection based on ML-YOLOv5 algorithm. Sensors 2023, 24, 204. [Google Scholar] [CrossRef]
  19. Hong, X.; Wang, F.; Ma, J. Improved YOLOv7 model for insulator surface defect detection. In Proceedings of the 2022 IEEE 5th Advanced Information Management, Communicates, Electronic and Automation Control Conference (IMCEC), Chongqing, China, 16–18 December 2022; IEEE: New York, NY, USA, 2022; pp. 1667–1672. [Google Scholar]
  20. Qiu, Z.; Zhu, X.; Liao, C.; Shi, D.; Qu, W. Detection of transmission line insulator defects based on an improved lightweight YOLOv4 model. Appl. Sci. 2022, 12, 1207. [Google Scholar] [CrossRef]
  21. Lan, Y.; Xu, W. Insulator defect detection algorithm based on a lightweight network. J. Phys. Conf. Ser. 2022, 2181, 012007. [Google Scholar] [CrossRef]
  22. Li, D.; Lu, Y.; Gao, Q.; Li, X.; Yu, X.; Song, Y. Liteyolo-id: A lightweight object detection network for insulator defect detection. IEEE Trans. Instrum. Meas. 2024, 73, 5023812. [Google Scholar] [CrossRef]
  23. Zhang, Y.; Li, J.; Fu, W.; Ma, J.; Wang, G. A lightweight YOLOv7 insulator defect detection algorithm based on DSC-SE. PLoS ONE 2023, 18, e0289162. [Google Scholar] [CrossRef] [PubMed]
  24. Liu, C.; Wei, S.; Zhong, S.; Yu, F. YOLO-PowerLite: A Lightweight YOLO Model for Transmission Line Abnormal Target Detection. IEEE Access 2024, 12, 105004–105015. [Google Scholar] [CrossRef]
  25. Chen, Y.; Deng, C.; Sun, Q.; Wu, Z.; Zou, L.; Zhang, G.; Li, W. Lightweight detection methods for insulator self-explosion defects. Sensors 2024, 24, 290. [Google Scholar] [CrossRef]
  26. Ji, C.; Jia, X.; Huang, X.; Zhou, S.; Chen, G.; Zhu, Y. FusionNet: Detection of Foreign Objects in Transmission Lines During Inclement Weather. IEEE Trans. Instrum. Meas. 2024, 73, 5021218. [Google Scholar] [CrossRef]
  27. Wu, J.; Jing, R.; Bai, Y.; Tian, Z.; Wei, C.; Zhang, S.; Yu, F.R.; Leung, V.C. Small insulator defects detection based on multi-scale feature interaction transformer for UAV-assisted power IoVT. IEEE Internet Things J. 2024, 11, 23410–23427. [Google Scholar] [CrossRef]
  28. Pang, F.; Lei, C.; Zeng, J. Electrical insulator defect detection with incomplete annotations and imbalanced samples. IET Gener. Transm. Distrib. 2024, 18, 694–715. [Google Scholar]
  29. Wu, S.; Gan, X.; Xiao, J.; Ma, C.; Deng, T.; Du, Z.; Qiu, W. Online insulator defects detection and application based on YOLOv7-tiny algorithm. Front. Energy Res. 2024, 12, 1372618. [Google Scholar] [CrossRef]
  30. Wang, Y.; Song, X.; Feng, L.; Zhai, Y.; Zhao, Z.; Zhang, S.; Wang, Q. Mci-gla plug-in suitable for yolo series models for transmission line insulator defect detection. IEEE Trans. Instrum. Meas. 2024, 73, 9002912. [Google Scholar]
  31. Lu, Q.; Lin, K.; Yin, L. 3D attention-focused pure convolutional target detection algorithm for insulator defect detection. Expert Syst. Appl. 2024, 249, 123720. [Google Scholar] [CrossRef]
  32. Tao, Z.; He, Y.; Lin, S.; Yi, T.; Li, M. SnakeNet: An adaptive network for small object and complex background for insulator surface defect detection. Comput. Electr. Eng. 2024, 117, 109259. [Google Scholar] [CrossRef]
  33. Lu, Y.; Li, D.; Li, D.; Li, X.; Gao, Q.; Yu, X. A Lightweight Insulator Defect Detection Model Based on Drone Images. Drones 2024, 8, 431. [Google Scholar] [CrossRef]
  34. Han, G.; Zhao, L.; Li, Q.; Li, S.; Wang, R.; Yuan, Q.; He, M.; Yang, S.; Qin, L. A lightweight algorithm for insulator target detection and defect identification. Sensors 2023, 23, 1216. [Google Scholar] [CrossRef]
  35. Meng, Y.; Tang, Y.; Huang, X.; Wang, H.; Zhu, J.; Tang, W.; Chen, L. A Lightweight Insulator Detection Methodology for UAVs in Power Line Inspection. J. Circuits Syst. Comput. 2024, 33, 2450069. [Google Scholar]
  36. Xiao, B.; Nguyen, M.; Yan, W.Q. Fruit ripeness identification using YOLOv8 model. Multimed. Tools Appl. 2024, 83, 28039–28056. [Google Scholar]
  37. Yu, J.; Jiang, Y.; Wang, Z.; Cao, Z.; Huang, T. Unitbox: An advanced object detection network. In Proceedings of the 24th ACM International Conference on Multimedia, Amsterdam, The Netherlands, 15–19 October 2016; pp. 516–520. [Google Scholar]
  38. Zhang, H.; Xu, C.; Zhang, S. Inner-IoU: More effective intersection over union loss with auxiliary bounding box. arXiv 2023, arXiv:2311.02877. [Google Scholar]
  39. Tian, Z.; Shen, C.; Chen, H.; He, T. FCOS: Fully convolutional one-stage object detection. arXiv 2019, arXiv:1904.01355. [Google Scholar]
  40. Ding, X.; Zhang, X.; Ma, N.; Han, J.; Ding, G.; Sun, J. Repvgg: Making Vgg-Style Convnets Great Again. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 13733–13742. [Google Scholar]
  41. Han, K.; Wang, Y.; Tian, Q.; Guo, J.; Xu, C.; Xu, C. Ghostnet: More features from cheap operations. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 1580–1589. [Google Scholar]
  42. Cao, J.; Bao, W.; Shang, H.; Yuan, M.; Cheng, Q. GCL-YOLO: A GhostConv-based lightweight yolo network for UAV small object detection. Remote Sens. 2023, 15, 4932. [Google Scholar] [CrossRef]
  43. 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]
  44. Wang, C.-Y.; Yeh, I.-H.; Liao, H.-Y.M. Yolov9: Learning what you want to learn using programmable gradient information. arXiv 2024, arXiv:2402.13616. [Google Scholar]
  45. Wang, A.; Chen, H.; Liu, L.; Chen, K.; Lin, Z.; Han, J.; Ding, G. Yolov10: Real-time end-to-end object detection. arXiv 2024, arXiv:2405.14458. [Google Scholar]
  46. Chen, Z.; Feng, J.; Zhu, K.; Yang, Z.; Wang, Y.; Ren, M. YOLOv8-ACCW: Lightweight Grape Leaf Disease Detection Method Based on Improved YOLOv8. IEEE Access 2024, 12, 123595–123608. [Google Scholar]
  47. Lewis, D.; Kulkarni, P. Insulator Defect Detection; IEEE DataPort: New York, NY, USA, 2021. [Google Scholar]
  48. Draelos, R.L.; Carin, L. Use HiResCAM instead of Grad-CAM for faithful explanations of convolutional neural networks. arXiv 2020, arXiv:2011.08891. [Google Scholar]
Figure 1. Network structure diagram of YOLOv8n.
Figure 1. Network structure diagram of YOLOv8n.
Energies 18 01668 g001
Figure 2. Overview of the YOLOLS pipeline and network structure.
Figure 2. Overview of the YOLOLS pipeline and network structure.
Energies 18 01668 g002
Figure 3. Schematic of CIoU and Inner-IoU loss calculation.
Figure 3. Schematic of CIoU and Inner-IoU loss calculation.
Energies 18 01668 g003
Figure 4. Lightweight shared convolutional detection head (LSCDH).
Figure 4. Lightweight shared convolutional detection head (LSCDH).
Energies 18 01668 g004
Figure 5. Schematic diagram of the ResNet–RepConv module.
Figure 5. Schematic diagram of the ResNet–RepConv module.
Energies 18 01668 g005
Figure 6. Schematic diagram of GhostConv.
Figure 6. Schematic diagram of GhostConv.
Energies 18 01668 g006
Figure 7. Schematic diagram of the dataset and augmentation.
Figure 7. Schematic diagram of the dataset and augmentation.
Energies 18 01668 g007
Figure 8. Schematic diagram of the technical route for real-time detection of power insulation based on YOLOLS model and edge computing.
Figure 8. Schematic diagram of the technical route for real-time detection of power insulation based on YOLOLS model and edge computing.
Energies 18 01668 g008
Figure 9. The comparisons between detection performance, computational complexity, and inference speed of different models. The area of the circle represents the relative size of the parameters of the models.
Figure 9. The comparisons between detection performance, computational complexity, and inference speed of different models. The area of the circle represents the relative size of the parameters of the models.
Energies 18 01668 g009
Figure 10. Comparison of detection performance under challenging conditions. The red box in the figure indicates a missed defect detection.
Figure 10. Comparison of detection performance under challenging conditions. The red box in the figure indicates a missed defect detection.
Energies 18 01668 g010
Figure 11. Heatmap comparison of YOLOLS and YOLOv8n.
Figure 11. Heatmap comparison of YOLOLS and YOLOv8n.
Energies 18 01668 g011
Table 1. Training parameters.
Table 1. Training parameters.
Parameter Value
Epochs200
Batch32
Image Size640 × 640
OptimizerSGD
Initial learning rate0.01
Workers8
Table 2. Ablation experiment results.
Table 2. Ablation experiment results.
ModelInner-CIoULSCDHGhostConvResNet–RepConvP
(%)
R
(%)
mAP
(%)
Params (M)GFLOPsFPS (Jetson Orin NX)
Yolov8n (Baseline)92.786.691.13.018.136.2
A 96.085.792.33.018.136.3
B94.487.791.92.306.538.3
C92.785.691.22.737.534.5
D95.384.491.12.206.041.7
E93.488.292.52.366.538.6
F93.982.790.92.096.136.2
YOLOLS92.286.991.01.273.944.6
Table 3. Comparative experimental results.
Table 3. Comparative experimental results.
ModelmAP (%)Params (M)GFLOPsFPS (Jetson Orin NX)
Faster R-CNN77.928.5948.41.5
Efficientdet80.86.612.64.7
SSD65.414.367.011.6
CenterNet84.932.7109.710.0
YOLOv4tiny84.46.116.536.3
YOLOv5s90.82.57.136.3
YOLOv7tiny89.16.013.220.0
YOLOv8s94.211.128.419.1
YOLOv8n91.13.08.136.2
YOLOv9t91.72.07.620.9
YOLOv10n90.62.36.534.7
YOLOv8-ACCW [46]90.92.87.55.9
YOLO-POWER [24]91.11.65.29.5
YOLOLS(OURS)91.01.33.944.6
The best results are highlighted in bold.
Table 4. Detection performance under challenging conditions.
Table 4. Detection performance under challenging conditions.
ModelEnhancement OperationP (%)R (%)mAP (%)
YOLOv8nHigh-exposure91.679.890.4
Synthetic Fog 88.879.785.3
YOLOLF(OUR)High-exposure89.181.490.4
Synthetic Fog89.477.384.3
Table 5. Experimental results of different detection models on the public IDID dataset.
Table 5. Experimental results of different detection models on the public IDID dataset.
ModelsP (%)R (%)mAP@50 (%)
Improved YOLOv7 [19]--88.7
YOLOv6-L [19]--83.4
Cascade R-CNN [18]--91.4
Dynamic R-CNN [18]--93.8
YOLOV7+MCI-GLA [18]--96.1
YOLOV3 (Darknet) [28]--94.8
SSD89.373.884.1
Faster R-CNN58.688.881.4
YOLOv8n92.788.594.6
YOLOLS (OURS)94.388.394.1
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

Wang, Q.; Hu, Z.; Li, E.; Wu, G.; Yang, W.; Hu, Y.; Peng, W.; Sun, J. YOLOLS: A Lightweight and High-Precision Power Insulator Defect Detection Network for Real-Time Edge Deployment. Energies 2025, 18, 1668. https://doi.org/10.3390/en18071668

AMA Style

Wang Q, Hu Z, Li E, Wu G, Yang W, Hu Y, Peng W, Sun J. YOLOLS: A Lightweight and High-Precision Power Insulator Defect Detection Network for Real-Time Edge Deployment. Energies. 2025; 18(7):1668. https://doi.org/10.3390/en18071668

Chicago/Turabian Style

Wang, Qinglong, Zhengyu Hu, Entuo Li, Guyu Wu, Wengang Yang, Yunjian Hu, Wen Peng, and Jie Sun. 2025. "YOLOLS: A Lightweight and High-Precision Power Insulator Defect Detection Network for Real-Time Edge Deployment" Energies 18, no. 7: 1668. https://doi.org/10.3390/en18071668

APA Style

Wang, Q., Hu, Z., Li, E., Wu, G., Yang, W., Hu, Y., Peng, W., & Sun, J. (2025). YOLOLS: A Lightweight and High-Precision Power Insulator Defect Detection Network for Real-Time Edge Deployment. Energies, 18(7), 1668. https://doi.org/10.3390/en18071668

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