Next Article in Journal
Deep Neural Decision Forest (DNDF): A Novel Approach for Enhancing Intrusion Detection Systems in Network Traffic Analysis
Previous Article in Journal
A Novel Electrophoretic Technique to Improve Metasurface Sensing of Low Concentration Particles in Solution
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

BL-YOLOv8: An Improved Road Defect Detection Model Based on YOLOv8

1
School of Information and Electrical Engineering, Shandong Jianzhu University, Jinan 250101, China
2
Shandong Key Laboratory of Intelligent Building Technology, Jinan 250101, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(20), 8361; https://doi.org/10.3390/s23208361
Submission received: 17 August 2023 / Revised: 19 September 2023 / Accepted: 5 October 2023 / Published: 10 October 2023
(This article belongs to the Section Fault Diagnosis & Sensors)

Abstract

:
Road defect detection is a crucial task for promptly repairing road damage and ensuring road safety. Traditional manual detection methods are inefficient and costly. To overcome this issue, we propose an enhanced road defect detection algorithm called BL-YOLOv8, which is based on YOLOv8s. In this study, we optimized the YOLOv8s model by reconstructing its neck structure through the integration of the BiFPN concept. This optimization reduces the model’s parameters, computational load, and overall size. Furthermore, to enhance the model’s operation, we optimized the feature pyramid layer by introducing the SimSPPF module, which improves its speed. Moreover, we introduced LSK-attention, a dynamic large convolutional kernel attention mechanism, to expand the model’s receptive field and enhance the accuracy of object detection. Finally, we compared the enhanced YOLOv8 model with other existing models to validate the effectiveness of our proposed improvements. The experimental results confirmed the effective recognition of road defects by the improved YOLOv8 algorithm. In comparison to the original model, an improvement of 3.3% in average precision [email protected] was observed. Moreover, a reduction of 29.92% in parameter volume and a decrease of 11.45% in computational load were achieved. This proposed approach can serve as a valuable reference for the development of automatic road defect detection methods.

1. Introduction

Cracks are a common issue in pavements, adversely affecting road safety and driving conditions. For transportation agencies, maintaining high-quality roads is crucial for ensuring road safety in most provinces and cities. Detecting road cracks promptly is of utmost importance in preventing road damage and ensuring traffic safety. Common methods for road defect detection include manual inspection and multifunctional road inspection vehicles. However, manual inspection is both time-consuming and labor-intensive, and it is also subject to the subjective judgment of the inspectors. In comparison, multifunctional road inspection vehicles rely on integrated sensors, such as GPS, cameras, laser profilers, and ground-penetrating radars, enabling convenient and accurate detection of road defects. In the 21st century, an increasing number of countries have introduced road-defect-detection vehicles that do not disrupt traffic during inspections. Furthermore, Roadware has developed road damage detection vehicles that can operate at night. However, the construction cost of road inspection vehicles is expensive and can reach as high as USD 500,000 [1], making them unsuitable for large-scale promotion at present. Consequently, there is a significant practical demand for the research and application of fast, efficient, and accurate crack detection technologies.
In recent years, the field of object detection has undergone significant advancements due to the rapid development of deep learning techniques. Object detection can be broadly categorized into two main approaches. The first approach is region-based two-stage detection models, which involve two distinct processes. Initially, a set of candidate regions that potentially contain objects is proposed. Subsequently, a classification network is deployed on these proposed regions to determine the object categories within each region. Popular two-stage algorithms include region-based Fast R-CNN [2], region-based Fully Convolutional Networks (R-FCN) [3], and Mask R-CNN [4], which is based on masked regions. The second approach is regression-based one-stage detection methods, which directly separate specific categories and estimate the boundaries. Although these one-stage methods offer faster processing speed compared to the two-stage approach, they tend to exhibit a slightly lower accuracy. Well-known algorithms in this category encompass the You Only Look Once [5,6] series, Single Shot MultiBox Detector (SSD) [7], and RetinaNet [8]. Presently, an increasing number of researchers are employing deep convolutional neural networks to detect and classify road cracks. For instance, Seungbo Shim et al. [9] introduced a road defect detection algorithm that combines generative adversarial networks and semi-supervised learning, achieving an average recognition accuracy of up to 81.54%. In another study, NaddafSH et al. [10] proposed the utilization of EfficientDet-D7 for the detection and classification of asphalt road images, achieving a seventh-place ranking in the 2020 IEEE Big Data Challenge. Nevertheless, it is important to note that EfficientDet-D7 suffers from drawbacks such as a large parameter size and slow detection speed, rendering it unsuitable for real-time applications. Fang Wan et al. [11]. proposed YOLO-LRDD, a lightweight algorithm for road defect detection. By using the novel backbone network Shuffle-ECANet, the algorithm reduces the model size while maintaining accuracy, making it suitable for deployment on mobile devices. Hacıefendioğlu et al. [12] used the two-stage object detection model Faster R-CNN to detect concrete road defects. They analyzed how shooting heights, distances, weather conditions, and lighting levels affect the detection performance. Arya et al. [13] used MobileNet, a lightweight network, to detect road damage images from the RDD2020 dataset in Japan, India, and Chile. They achieved an F1-score of 0.52. Pei et al. [14] used the Cascade R-CNN model and various data augmentation techniques. They achieved an F1-score of 0.635 in the Global Road Damage Detection Challenge (GRDDC 2020). However, despite the contributions of the aforementioned studies to road damage detection tasks, there is still significant room for improvement in both accuracy and detection speed. As a classic single-stage detection algorithm, the YOLO algorithm has evolved to YOLOv8, which offers significant advantages in both detection accuracy and speed. Therefore, we chose to optimize the model using the YOLOv8s framework to further enhance the algorithm’s accuracy.

2. YOLOv8 Network Architecture

The YOLOv8 algorithm is a fast one-stage object detection method comprising an input segment, a backbone, a neck, and an output segment. The input segment performs mosaic data augmentation, adaptive anchor calculation, and adaptive grayscale padding on the input image. The backbone network and neck module form the central structures in the YOLOv8 network. The input image is processed by multiple Conv and C2f modules to extract feature maps at different scales. The C2f module is an improved version of the original C3 module and functions as the primary residual learning module. It incorporates the benefits of the ELAN structure in YOLOv7 [15], reducing one standard convolutional layer and making full use of the Bottleneck module to enhance the gradient branch. This approach not only preserves the lightweight characteristics but also captures more abundant gradient flow information. Figure 1 depicts the basic structure of the algorithm. The output feature maps are processed by the SPPF module, which employs pooling with varying kernel sizes to combine the feature maps, and then the results are passed to the neck layer.
The neck layer of YOLOv8 incorporates the FPN [16] + PAN [17] structure to enhance the model’s feature fusion capability. This structure combines high-level and low-level feature maps using upsampling and downsampling techniques, facilitating the transfer of semantic and localization features. Through this approach, the network becomes better equipped to fuse features from objects of varying scales, thereby enhancing its detection performance on objects at different scales.
The detection head of YOLOv8 follows the common practice of separating the classification head from the detection head. It involves loss calculation and target detection box filtering. In the loss calculation process, the TaskAlignedAssigner [18] method is used to determine positive and negative sample assignments. Positive sample selection is based on a weighted combination of classification and regression scores. The loss calculation includes two components: classification and regression, excluding the Objectness branch. The classification branch utilizes Binary Cross-Entropy (BCE) loss, while the regression branch employs the Distribution Focal Loss (DFL) [19] and CIoU loss functions. YOLOv8 prediction boxes are formed through decoupled heads, which predict classification scores and regression coordinates simultaneously. Classification scores are represented by a two-dimensional matrix, indicating the presence of an object in each pixel. Regression coordinates are represented by a four-dimensional matrix, indicating the deviation of the object’s center from each pixel. Finally, YOLOv8 employs a task-aligned assigner to compute a task alignment metric using the classification scores and regression coordinates. The task alignment metric combines the classification scores with the Intersection over Union (IoU) value, enabling the simultaneous optimization of classification and localization while suppressing low-quality prediction boxes. Intersection over Union (IoU) is a widely employed metric in object detection, serving to determine positive and negative samples as well as evaluate the distance between predicted boxes and ground truth. An object is typically classified as detected when the IoU exceeds 0.5. The specific formula is represented as Equation (1).
I o U = A B A B

3. Improved YOLOv8 Model

To enable the deployment of the improved model on embedded or mobile platforms, this study modifies the model structure while maintaining accuracy. The objective is to reduce the model’s parameters and computational complexity, thereby facilitating its deployment in accuracy-critical and computationally limited scenarios. Additionally, alternative methods exist to significantly reduce the model’s parameters and computational complexity, for example, by substituting the backbone of YOLOv8 with the lighter MobileNet v3 [20] network. Incorporating attention mechanisms is a commonly employed technique to enhance model accuracy as they possess fewer parameters while delivering high performance. By including attention mechanisms, the model becomes more adept at detecting targets, thereby improving detection accuracy. Following experimentation with various attention mechanisms, this study chose LSK-attention, which exhibits superior performance, to integrate into the original YOLOv8 model. The integration of BiFPN and LSK-attention reduces computational complexity while concurrently enhancing detection accuracy. Nevertheless, their inclusion leads to an augmented computational complexity of the model, consequently prolonging the inference time and reducing the FPS values during detection. To overcome this problem, the SimSPPF module was utilized to streamline the complexity of the model and reduce the inference time.

3.1. Feature Pyramid Optimization

In YOLOv8, the feature maps are divided into five scales, denoted as B1-B5 for the backbone, P3-P4 for the FPN, and N4-N5 for the PAN. The original model implements the PAN-FPN structure, which is an optimized version of the traditional FPN structure. The traditional FPN structure transfers deep semantic information in a top-down manner. However, in YOLOv8, the fusion of B3-P3 and B4-P4 is performed to enhance the semantic features of the feature pyramid, potentially resulting in a partial loss of localization information. To address this, PAN-FPN introduces a bottom-up PAN structure on top of the FPN to compensate for the lost localization information. In YOLOv8, the fusion of P4-N4 and P5-N5 is employed to enhance the learning of localization features, which achieves a complementary effect. Figure 2 illustrates the specific structure diagram. Despite enriching the semantic and localization information, there is room for further improvement in the PAN-FPN structure. Firstly, the PAN-FPN structure does not adequately address large-scale feature maps, potentially overlooking valuable information and leading to a decrease in detection quality. Additionally, after upsampling and downsampling, the feature maps lose some original information, resulting in a relatively low reuse rate. Therefore, there is still potential to enhance the PAN-FPN structure.
To address the aforementioned issues more effectively, this paper introduced a reconstruction of the feature fusion component of YOLOv8, based on the concept of the Bi-directional Feature Pyramid Network (BiFPN). The BiFPN structure was initially introduced by Google in the EfficentDet [21] object detection algorithm. BiFPN enhances the semantic information of features by incorporating efficient bi-directional cross-scale connections and weighted feature fusion. In the context of road defect detection, the limited feature information extracted from smaller cracks often leads to lower detection accuracy. To overcome the challenge, consideration was given to examining the benefits of BiFPN, which expands the model’s receptive field by fully utilizing high-resolution features. The primary implementation approach is as follows: for feature maps with a single input path, no additional processing is applied due to their lower contribution. When fusing feature maps with two input paths, provided that the feature maps have the same scale, cross-level fusion requires the introduction of a new path from the backbone feature map. This enhancement improves the spatial information of the feature maps, resulting in improved detection accuracy for small targets. Figure 3 illustrates the specific structure enhancement.

3.2. Optimization of Spatial Pyramid Pooling

To ensure real-time performance in road defect recognition, this paper introduces the replacement of the original SPPF (Spatial Pyramid Pooling Fusion) module in the YOLOv8 model with the faster SimSPPF (Simple Spatial Pyramid Pooling Fusion) structure. The SimSPPF structure was initially introduced in YOLOv6 [22] and effectively reduces computational complexity and processing time. It achieves this by concatenating three 5x5 max pooling layers to process the input, resulting in fixed-size feature maps. These feature maps enhance the model’s receptive field and improve feature representation. Notably, SimSPPF employs the Rectified Linear Unit (ReLU) activation function, in contrast to the SPPF module, which uses the Shifted Linear Unit (SiLU) activation function. Equations (2) and (3) illustrate the specific formulas for these activation functions.
Re LU :   f ( x ) x ,   i f   x > 0 0 ,   i f   x 0 = max 0 , x
S i LU :   f ( x ) = x 2 1 + e x
However, the use of exponential computation in the SiLU function leads to an increase in computational complexity. Consequently, replacing the SiLU function with ReLU helps address the problem of gradient vanishing and accelerates convergence. Specific experimental comparisons revealed that the execution speed of a single ConvBNReLU module is 18% faster than that of a ConvBNSiLU module. This further confirms the advantages of employing the ReLU function. Figure 4 presents the specific structure of SimSPPF.

3.3. Dynamic Large Convolutional Kernel Spatial Attention Mechanism

Attention mechanisms are effective in enhancing neural representations due to their simplicity and efficiency. Many excellent attention mechanisms have been developed in the field of computer vision, including channel attention mechanisms such as SE [23] modules, spatial attention mechanisms such as GeNet [24], GcNet [25], and SGE [26], and combined spatial and channel attention mechanisms such as CBAM [27] and BAM [28]. Additionally, adaptive kernel selection is a technique that effectively enhances the ability to focus on contextual regions, complementing the channel/spatial attention mechanisms. For instance, Condconv [29] and Dynamic convolution [30] employ parallel kernel adaptation to aggregate feature information from multiple convolution kernels. SKNet [31] introduces multiple convolution kernels and aggregates feature information along the channel dimension. Therefore, this paper proposes the inclusion of a dynamic large-convolution kernel selection mechanism, known as LSK-attention [32], as an output layer following the backbone. Unlike SKNet, LSK-attention adaptively aggregates feature information from large kernels in the spatial dimension, rather than utilizing the channel dimension. Figure 5 illustrates the structural comparison.
The working principle of LSK-attention is depicted in Figure 6. The key advantage of LSK-attention is its utilization of multiple large convolutional kernels to generate features with a wide receptive field. These large convolutional kernels are decomposed using multiple depthwise separable convolutions, leading to a reduction in the number of model parameters. Additionally, the LSK-attention dynamically selects an appropriate convolution kernel by considering the local information of the input feature map in order to adapt to the contextual information of various target types. It also adapts its receptive field dynamically to accommodate diverse target types and backgrounds. The spatial selection mechanism is an adaptive weight allocation method that dynamically selects the most relevant feature maps from a large convolution kernel and spatially combines them. This enables enhanced focus on the most relevant spatial regions of detected targets, ultimately improving the success rate of target detection.
To dynamically select suitable spatial kernels, the input feature map is divided into multiple sub-feature maps. Subsequently, various convolutional kernels of different sizes are applied to each sub-feature map, resulting in the generation of multiple output feature maps. Afterward, these sub-output feature maps are concatenated, as depicted in Equation (4). This concatenation results in an output feature map with increased channel dimensions.
U ˜ = [ U ˜ 1 ; ; U ˜ i ]
Subsequently, the concatenated feature map undergoes average pooling and max pooling operations along the channel dimension to extract spatial relationship descriptors, namely SAavg and SAmax. The specific operation is illustrated in Equation (5).
S A a v g = P a v g ( U ˜ ) , S A m a x = P m a x ( U ˜ ) ,
Subsequently, following the concatenation of SAavg and SAmax, convolutional layers are utilized to transform them into spatial attention maps, ensuring they possess the same number of depth convolutions N. This conversion is mathematically expressed by Equation (6).
S A ^ = F 2 N ( [ S A a v g ; S A m a x ] )
By applying the sigmoid activation function to each spatial attention map, the spatial selection weights for each depth convolution are obtained. The weighted depth convolution feature maps are subsequently acquired by element-wise multiplication of the weights and the corresponding depth convolutions. Ultimately, a convolutional layer is employed to fuse these feature maps and produce the final attention feature. This process is mathematically demonstrated by Equations (7) and (8).
S A i ˜ = S i g m o i d ( S A i ^ )
S = F ( i = 1 N ( S A ˜ i U ˜ i ) )

3.4. Network Structure and Parameters

Table 1 presents the pertinent information to offer readers a comprehensive understanding of the network structure and detailed parameters of BL-YOLOv8s.
The structure of the final implemented YOLOv8 is shown in Figure 7.

4. Results and Analysis

4.1. Experimental Environment

In order to verify the efficacy of the proposed approach, an experimental platform was set up employing Ubuntu 18.04 as the operating system and PyTorch as the deep learning framework. YOLOv8s was employed as the baseline network model. The specific configuration of the experimental environment is elaborated in Table 2.
Consistent hyperparameters were applied throughout the training process across all experiments. Table 3 displays the precise hyperparameters employed during the training process.

4.2. Dataset and Evaluation Metrics

In this study, we utilized the open-source dataset RDD2022 [13], consisting of road images from various countries. For experimental validation, a total of 4398 road images from China were selected. These images include 2401 captured by a drone and 1977 captured by a vehicle-mounted camera. Five types of road defects are considered in this study: longitudinal cracks (D00), transverse cracks (D10), grid cracks (D20), potholes (D40), and road repairs (Figure 8). Due to the absence of the five types of road defects considered in this study in certain photos of the training set, it becomes necessary to process and filter the dataset to exclude images that do not depict the detection targets of this study. Following analysis and processing, the dataset comprises 4373 images depicting the detection targets of this study. The quantity of different types of road defects in the dataset is presented in Table 4. The images are divided into training, validation, and test sets in an 8:1:1 ratio.
To provide an objective assessment of the performance of road defect detection models, the evaluation metrics employed encompass GFLOPS (giga floating-point operations per second), which quantifies the execution time of the network model in terms of billions of floating-point operations per second. The parameters, which assess the size and complexity of the model. FPS (Frames Per Second), which gauges the detection speed of the model in frames transmitted per second. mAP (mean average precision), utilized to evaluate the model’s accuracy, is computed using Equation (9). The F1-score, which is a weighted average of precision and recall, serves as a measure of the model’s overall performance and stability. The calculation formula for the F1-score is provided in Equation (10).
m A P = P A N
F 1 score = 2 P r e c i s i o n R e c a l l P r e c i s i o n + R e c a l l
In Equation (9), N represents the summary of categories. PA is the area under the curve formed by plotting recall on the x-axis against precision on the y-axis. [email protected] represents the average precision at a threshold of 0.5. Equation (10) demonstrates how precision represents the model’s capability to differentiate negative samples. A higher precision value indicates a more effective distinction among negative samples. Recall showcases the model’s capability to identify positive samples. A higher recall value indicates a more accurate identification of positive samples. The F1-score represents a combination of precision and recall, with a higher value indicating a model with stronger performance and robustness.

4.3. Comparison of Different Spatial Pyramid Pooling Effects

The impact of various spatial pyramid pooling layers, namely SPP, SPPF, SimSPPF, ASPP, SPPCSPC, and SPPFCSPC, on model size and accuracy is compared in Table 5. Among them, SPPCSPC achieves the highest accuracy, but it also significantly increases the model’s parameter count and computational complexity, resulting in a longer processing time compared to other modules. However, the SimSPPF module enhances the model’s speed without increasing the computational and parameter count. It only exhibits a 0.7% difference in accuracy compared to SPPCSPC but is four times faster in computation speed and 1.2 times faster than the original SPPF module in YOLOv8. For this reason, SimSPPF is adopted in subsequent research because it improves the accuracy and speed of the object detection model with minimal modifications to the network.

4.4. Comparison of Different Attention Mechanism Effects

The impact of integrating different attention modules at the end of the backbone on the model’s detection accuracy is presented in Table 6. This set of experiments is conducted on the YOLOv8s model, with the neck part reconstructed as illustrated in Figure 4. From Table 4, it is evident that incorporating various attention modules leads to a slight increase in the computational and parameter count of the model, while the [email protected] value of the model shows some variation. Adding the channel attention module alone results in a modest enhancement in [email protected], although in certain cases, a decrease in accuracy is observed (e.g., CA [33]). However, when both channel attention and spatial attention are combined within the CBAM module in YOLOv8, the network’s accuracy improves even further compared to YOLOv8 with only channel attention, with an improvement of up to 0.9%. Consequently, the inclusion of spatial attention contributes to a higher accuracy in the network. Additionally, the introduced spatial attention mechanism, LSK-attention, achieves an impressive model accuracy of 90.5%, with a remarkable improvement rate of 1.2%. Moreover, it demonstrates faster detection speed compared to the model with the CBAM module incorporated.

4.5. Ablation Experiment

Based on the data presented in Table 7, reconstructing the neck part of YOLOv8s with the BiFPN concept led to a 33.78% reduction in the parameter count and a 12.5% decrease in computational complexity. Furthermore, the model’s accuracy ([email protected]) improved by 1.9%. Replacing SPPF with SimSPPF had minimal effects on the model’s accuracy, parameter count, and computational complexity. However, it did increase the detection speed of the model by 2 FPS. Introducing the LSK-attention module resulted in a slight increase in the parameter count and computational complexity, but it yielded an additional improvement of 1.3 percentage points in accuracy ([email protected]). Combining BiFPN with the SimSPPF module enhanced the model’s accuracy while reducing the computational and parameter count of the network. Overall, the improved version of YOLOv8, incorporating BiFPN, SimSPPF, and LSK-attention modules, surpassed the original YOLOv8 model in terms of detection accuracy, computational complexity, and parameter count. On the same dataset, the enhanced YOLOv8 model achieved a 3.3% improvement in [email protected], a 29.92% reduction in parameter count, and an 11.45% reduction in computational complexity. For a comparison of accuracy between the original and improved models, please refer to Figure 9.
The analysis of Figure 9 indicates that the BL-YOLOv8s model, as proposed, exhibits significantly higher values for [email protected] and [email protected]:0.95 in comparison to the original YOLOv8 model.

4.6. Interpretability Experiment

Deep learning models are often regarded as black-box models, making it challenging to interpret their decision-making and reasoning processes, despite their outstanding performance in different tasks. Understanding the interpretability of deep learning models is crucial in vital domains like medical diagnosis, autonomous driving, and financial prediction. Thoroughly exploring the interpretability of deep learning models is essential for developing an intuitive understanding of their performance. In this experiment, we selected the BL-YOLOv8 model and the YOLOv8 model as the models for verification. We thoroughly examined their performance by analyzing the confusion matrices of both models. Figure 10 displays the confusion matrices of the two models.
The confusion matrices indicate that both models exhibit high rates of false negatives (i.e., misclassifying targets as background categories) and false positives. Detailed analysis demonstrates the strong performance of both models in recognizing D20 (grid cracks) and repair (road repair). The original YOLOv8 model exhibited subpar recognition performance for D10 (transverse cracks) and D40 (potholes), achieving an accuracy rate of only 84%. In contrast, the BL-YOLOv8 model proposed in this paper significantly enhanced the recognition accuracy of both D10 and D40, with improvements of 2% and 6%, respectively.

4.7. Self-Built Data Performance Experiments

To enhance the validation of the BL-YOLOv8 model’s universality, specific performance tests were conducted on the model using real road images. Shandong Jianzhu University was selected as the shooting location with photography taking place at 15:00 in the afternoon. Images were captured using an iPhone 14pro device. The camera settings included an ISO value of 80 and an aperture of f/1.78. The captured images had dimensions of 3024 × 4032 pixels. Various sets of sample images were captured to assess the performance of the model. The specific detection results are presented in Figure 11.
The detection results displayed in Figure 11 demonstrate the effectiveness of the BL-YOLOv8 model by successfully identifying the majority of road defects. This also highlights the model’s strong generalization capabilities and robustness. Nevertheless, certain instances of missed and false detections persist. For instance, in Figure 11c situated above the image, a longitudinal crack went undetected. This can be ascribed to the unclear boundaries of road cracks in certain captured images, causing the detection bounding boxes to only partially align with the crack boundaries, as depicted in Figure 11e.

4.8. Comparison of Performance of Different Models

To assess the performance of the enhanced model, this study conducted comparative experiments between the enhanced model and various widely used object detection models. The chosen models encompass both two-stage anchor-based approaches, including Faster R-CNN, and one-stage anchor-based approaches like SSD, YOLOv3, YOLOv5, and YOLOv7. Additionally, one-stage anchor-free models such as YOLOv6 and YOLOX [36] were examined, along with the Guo [37]-improved YOLOv5 model and the Pham V [38]-improved YOLOv7 model. The experiments were carried out on the same dataset and under identical experimental conditions. For comparative analysis, two road condition images captured by unmanned aerial vehicles (UAVs) and one road condition photo taken by an onboard camera from the RDD2022 dataset were chosen for detection and recognition. The figure illustrates the detection results, with detection boxes of various colors that indicate distinct defect categories, accompanied by annotations for labeling various types of defects. For instance, D10 signifies transverse cracks, D20 corresponds to grid cracks, D00 denotes longitudinal cracks, D40 symbolizes potholes, and repair indicates road repairs.
In Experiment 1, which involved drone-captured images, the detection results of various models are displayed in Figure 12. Models such as SSD, YOLOv5s, YOLOv6s, YOLOv3-tiny, and YOLOv8 demonstrate different levels of missed detections, with SSD being the most severely affected, even leading to cases where all targets are missed. Despite successfully detecting all targets, the YOLOv7-tiny model also exhibits false positive detections. While the Faster-RCNN model does not suffer from false positive or missed detection issues, its predicted bounding boxes are inaccurate and may even overlap. On the other hand, the proposed BL-YOLOv8 model exhibits outstanding performance in this particular scenario, with minimal missed detections or false positives, and its predicted bounding boxes are more accurate compared to the other models.
The detection results of the different models in Experiment 2 (capturing images from onboard cameras) can be seen in Figure 13. YOLOv8s, SSD, and Faster-RCNN models exhibited recurrent instances of missed or falsely detected targets, whereas YOLOv5, YOLOv6s, YOLOv7-tiny, YOLOv3-tiny, and our proposed BL-YOLOv8s model effectively identified all targets. Conversely, YOLOv3-tiny encountered false detection problems. BL-YOLOv8 outperformed the preceding three models by producing more precise bounding boxes during target detection. The comprehensive results from both experiments reveal the superior detection accuracy, lower missing detection rate, and decreased false detection rate of the BL-YOLOv8s model compared to other models in various scenarios. These findings serve as evidence for the outstanding performance of our model across diverse scenarios, significantly enhancing target detection.
As shown in Table 8, the BL-YOLOv8 model attained a high Map@50 accuracy of 90.7% and an F1-score of 0.87, markedly higher compared to other object detection models. These results indicate the superior performance and stability of the BL-YOLOv8 model. Moreover, apart from enhancing the mAP@50 and F1-score, the model witnesses reductions of 29.92% and 11.45%, respectively, when compared to the original YOLOv8 model in terms of both parameter and computational overhead.

5. Discussion

The accuracy in detecting road defects was improved in the proposed BL-YOLO model compared to the original YOLOv8 model. Nonetheless, certain road defects remain undetected, potentially attributed to the following factors. The first reason relates to the characteristics of the images. Road defects may vary under different weather conditions and road types. Moreover, blurred road images can arise from small cracks and long shooting distances, leading to increased detection challenges. The second reason is the complexity of road conditions, where acquired images encompass not only road information but also interfering factors like pedestrians, vehicles, and obstacles. Consequently, these interfering factors pose challenges to the detection of road cracks. The third reason pertains to the BL-YOLOv8 model. Despite the enhanced ability of the BL-YOLOv8 model to detect small targets compared to the original YOLOv8 model, it still encounters limitations in detecting small targets that closely resemble the surrounding environment.
Furthermore, the proposed BL-YOLOv8 model exhibits substantial improvements in accuracy, [email protected], parameter quantity, and computational complexity when compared to the original YOLOv8 model. Nevertheless, these enhancements are accompanied by increased inference time. While the adoption of the BIFPN structure can decrease the model’s parameter quantity and computational complexity, the integration of multi-level features across scales in this structure inevitably heightens the computational complexity compared to the original FPN-PAN structure. The experimental results revealed that the introduction of the FPN structure prolongs inference time and reduces the model’s detection speed. To tackle this problem, the SimSPPF structure was introduced to replace the original SPPF structure. Through the implementation of a lower computational cost ReLU activation function, SimSPPF aids in mitigating the model’s computational complexity. Experimental findings indicate that the introduction of the SimSPPF structure can enhance the model’s detection speed. Furthermore, experimental results suggest that the incorporation of attention mechanisms can effectively enhance detection performance. Nonetheless, this approach comes with the drawback of augmenting computational and parameter complexity, as well as inference time, rendering it more demanding for real-time detection tasks.
The incorporation of the BiFPN structure enhances the feasibility of subsequent model updates and fine-tuning. For instance, it enables the fusion of features across multiple layers at varying levels. The LSK-attention is exclusively integrated after the backbone of the YOLOv8 model, resulting in minimal disruption to the model’s original structure, thereby preserving unaffected future updates and fine-tuning. Achieving precise detection of road defects is of utmost importance for intelligent road maintenance and ensuring road safety. To facilitate the application of this model in road intelligent maintenance equipment, the BL-YOLOv8 model reduces both the number of parameters and computational complexity in comparison to the original YOLOv8 model. This offers the potential to deploy it on cost-effective embedded devices or mobile devices. Furthermore, this model relies primarily on image data. When integrated with a camera on a development board, it can establish a comprehensive visual recognition system, resulting in a significant reduction in deployment costs.

6. Conclusions

Accurately detecting road defects is essential for implementing intelligent road maintenance. This paper presents a road defect detection model based on an enhanced version of YOLOv8s. In the proposed approach, the Neck structure of the original model is reconstructed using the BiFPN method to reduce the model size and enhance its feature fusion capability. Subsequently, the SimSPPF module is employed to optimize the spatial pyramid pooling layer and enhance the model’s detection speed. Finally, the LSK attention mechanism, which employs dynamic large convolutional kernels, is introduced to enhance the model’s detection accuracy. Experimental results demonstrate the proposed model’s effective performance in detecting road defects from images captured by drones and vehicle-mounted cameras. This provides evidence that the model is suitable for various detection scenarios. BL-YOLOv8 outperforms other mainstream object detection models (e.g., Faster R-CNN, SDD, YOLOv3-tiny, YOLOv5s, YOLOv6s, and YOLOv7-tiny) by achieving detection accuracy improvements of 17.5%, 18%, 14.6%, 5.5%, 5.2%, 2.4%, and 3.3%, respectively. Additionally, the BL-YOLOv8s model enhances detection accuracy while reducing computational and parameter demands. In comparison to the original YOLOv8s model, the parameter size is reduced by 29.92%, and the computational load is reduced by 11.45%. This makes the proposed model suitable for scenarios with memory and computation constraints, such as embedded devices. In our future research, we intend to gather diverse road images from multiple cities, including highway and urban arterial road images. This will contribute to improving the model’s generalization and stability. Furthermore, we aim to collect additional data, including wavelength, vibration, and other parameters, to integrate with the image information. This integration will result in further enhancements to the model’s reliability.

Author Contributions

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

Funding

We thank the Natural Science Foundation of Shandong Province (No. ZR2022MF267) for supporting this study.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Informed consent was obtained from all subjects involved in the study.

Data Availability Statement

The dataset is sourced from RDD2022, and it can be downloaded from the following website. https://crddc2022.sekilab.global/data/ (accessed on 26 September 2022).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Arya, D.; Maeda, H.; Ghosh, S.K.; Toshniwal, D.; Mraz, A.; Kashiyama, T.; Sekimoto, Y.J.A.i.C. Deep learning-based road damage detection and classification for multiple countries. Autom. Constr. 2021, 132, 103935. [Google Scholar] [CrossRef]
  2. Girshick, R. Fast r-cnn. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 1440–1448. [Google Scholar]
  3. Dai, J.; Li, Y.; He, K.; Sun, J. R-fcn: Object detection via region-based fully convolutional networks. Adv. Neural Inf. Process. Syst. 2016, 29. [Google Scholar] [CrossRef]
  4. 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]
  5. Redmon, J.; Farhadi, A. Yolov3: An incremental improvement. arXiv 2018, arXiv:1804.02767. [Google Scholar]
  6. Bochkovskiy, A.; Wang, C.-Y.; Liao, H.-Y.M. Yolov4: Optimal speed and accuracy of object detection. arXiv 2020, arXiv:2004.10934. [Google Scholar]
  7. 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 14. pp. 21–37. [Google Scholar]
  8. Lin, T.-Y.; Goyal, P.; Girshick, R.; He, K.; Dollár, P. Focal loss for dense object detection. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2980–2988. [Google Scholar]
  9. Shim, S.; Kim, J.; Lee, S.-W.; Cho, G.-C. Road damage detection using super-resolution and semi-supervised learning with generative adversarial network. Autom. Constr. 2022, 135, 104139. [Google Scholar] [CrossRef]
  10. Naddaf-Sh, S.; Naddaf-Sh, M.-M.; Kashani, A.R.; Zargarzadeh, H. An efficient and scalable deep learning approach for road damage detection. In Proceedings of the 2020 IEEE International Conference on Big Data (Big Data), Atlanta, GA, USA, 10–13 December 2020; pp. 5602–5608. [Google Scholar]
  11. Wan, F.; Sun, C.; He, H.; Lei, G.; Xu, L.; Xiao, T. YOLO-LRDD: A lightweight method for road damage detection based on improved YOLOv5s. EURASIP J. Adv. Signal Process. 2022, 2022, 98. [Google Scholar] [CrossRef]
  12. Hacıefendioğlu, K.; Başağa, H.B. Concrete road crack detection using deep learning-based faster R-CNN method. Iran. J. Sci. Technol. Trans. Civ. Eng. 2022, 46, 1621–1633. [Google Scholar] [CrossRef]
  13. Arya, D.; Maeda, H.; Ghosh, S.K.; Toshniwal, D.; Omata, H.; Kashiyama, T.; Sekimoto, Y. Global road damage detection: State-of-the-art solutions. In Proceedings of the 2020 IEEE International Conference on Big Data (Big Data), Atlanta, GA, USA, 10–13 December 2020; pp. 5533–5539. [Google Scholar]
  14. Pei, Z.; Lin, R.; Zhang, X.; Shen, H.; Tang, J.; Yang, Y. CFM: A consistency filtering mechanism for road damage detection. In Proceedings of the 2020 IEEE International Conference on Big Data (Big Data), Atlanta, GA, USA, 10–13 December 2020; pp. 5584–5591. [Google Scholar]
  15. Wang, C.-Y.; Bochkovskiy, A.; Liao, H.-Y.M. YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Vancouver, BC, Canada, 17–24 June 2023; pp. 7464–7475. [Google Scholar]
  16. Lin, T.-Y.; Dollár, P.; Girshick, R.; He, K.; Hariharan, B.; Belongie, S. Feature pyramid networks for object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 2117–2125. [Google Scholar]
  17. Li, H.; Xiong, P.; An, J.; Wang, L. Pyramid attention network for semantic segmentation. arXiv 2018, arXiv:1805.10180. [Google Scholar]
  18. Feng, C.; Zhong, Y.; Gao, Y.; Scott, M.R.; Huang, W. Tood: Task-aligned one-stage object detection. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, QC, Canada, 10–17 October 2021; pp. 3490–3499. [Google Scholar]
  19. Li, X.; Wang, W.; Wu, L.; Chen, S.; Hu, X.; Li, J.; Tang, J.; Yang, J. Generalized focal loss: Learning qualified and distributed bounding boxes for dense object detection. Adv. Neural Inf. Process. Syst. 2020, 33, 21002–21012. [Google Scholar]
  20. Howard, A.; Sandler, M.; Chu, G.; Chen, L.-C.; Chen, B.; Tan, M.; Wang, W.; Zhu, Y.; Pang, R.; Vasudevan, V. Searching for mobilenetv3. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 1314–1324. [Google Scholar]
  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. Li, C.; Li, L.; Jiang, H.; Weng, K.; Geng, Y.; Li, L.; Ke, Z.; Li, Q.; Cheng, M.; Nie, W.; et al. YOLOv6: A single-stage object detection framework for industrial applications. arXiv 2022, arXiv:2209.02976. [Google Scholar]
  23. 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]
  24. Hu, J.; Shen, L.; Albanie, S.; Sun, G.; Vedaldi, A. Gather-excite: Exploiting feature context in convolutional neural networks. Adv. Neural Inf. Process. Syst. 2018, 31. [Google Scholar] [CrossRef]
  25. Cao, Y.; Xu, J.; Lin, S.; Wei, F.; Hu, H. Gcnet: Non-local networks meet squeeze-excitation networks and beyond. In Proceedings of the IEEE/CVF International Conference on Computer Vision Workshops, Seoul, Republic of Korea, 27–28 October 2019. [Google Scholar] [CrossRef]
  26. Li, Y.; Li, X.; Yang, J. Spatial group-wise enhance: Enhancing semantic feature learning in cnn. In Proceedings of the Asian Conference on Computer Vision, Macau, China, 4–8 December 2022; pp. 687–702. [Google Scholar]
  27. 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]
  28. Park, J.; Woo, S.; Lee, J.-Y.; Kweon, I.S. Bam: Bottleneck attention module. arXiv 2018, arXiv:1807.06514. [Google Scholar]
  29. Yang, B.; Bender, G.; Le, Q.V.; Ngiam, J. Condconv: Conditionally parameterized convolutions for efficient inference. Adv. Neural Inf. Process. Syst. 2019, 32. [Google Scholar] [CrossRef]
  30. Chen, Y.; Dai, X.; Liu, M.; Chen, D.; Yuan, L.; Liu, Z. Dynamic convolution: Attention over convolution kernels. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 11030–11039. [Google Scholar]
  31. Li, X.; Wang, W.; Hu, X.; Yang, J. Selective kernel networks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 510–519. [Google Scholar]
  32. Li, Y.; Hou, Q.; Zheng, Z.; Cheng, M.-M.; Yang, J.; Li, X. Large Selective Kernel Network for Remote Sensing Object Detection. arXiv 2023, arXiv:2303.09030. [Google Scholar]
  33. 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]
  34. 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]
  35. Ouyang, D.; He, S.; Zhang, G.; Luo, M.; Guo, H.; Zhan, J.; Huang, Z. Efficient Multi-Scale Attention Module with Cross-Spatial Learning. In Proceedings of the ICASSP 2023-2023 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Rhodes Island, Greece, 4–10 June 2023; pp. 1–5. [Google Scholar]
  36. Ge, Z.; Liu, S.; Wang, F.; Li, Z.; Sun, J. Yolox: Exceeding yolo series in 2021. arXiv 2021, arXiv:2107.08430. [Google Scholar]
  37. Guo, G.; Zhang, Z. Road damage detection algorithm for improved YOLOv5. Sci. Rep. 2022, 12, 15523. [Google Scholar] [CrossRef]
  38. Pham, V.; Nguyen, D.; Donan, C. Road Damage Detection and Classification with YOLOv7. In Proceedings of the 2022 IEEE International Conference on Big Data (Big Data), Osaka, Japan, 17–20 December 2022; pp. 6416–6423. [Google Scholar]
Figure 1. Structural diagram of the C2f module.
Figure 1. Structural diagram of the C2f module.
Sensors 23 08361 g001
Figure 2. Schematic representation of the PAN-FPN (Path Aggregation Network–Feature Pyramid Network) structure in YOLOv8.
Figure 2. Schematic representation of the PAN-FPN (Path Aggregation Network–Feature Pyramid Network) structure in YOLOv8.
Sensors 23 08361 g002
Figure 3. Improved neck structure.
Figure 3. Improved neck structure.
Sensors 23 08361 g003
Figure 4. SimSPPF (Simplified Spatial Pyramid Pooling—Fast) structure diagram.
Figure 4. SimSPPF (Simplified Spatial Pyramid Pooling—Fast) structure diagram.
Sensors 23 08361 g004
Figure 5. A comparison is made between the LSKNet (Large Selective Kernel Network) and SKNet (Selective Kernel Network) architectures. K: kernel; (a) (LSKNet); (b) (SKNet).
Figure 5. A comparison is made between the LSKNet (Large Selective Kernel Network) and SKNet (Selective Kernel Network) architectures. K: kernel; (a) (LSKNet); (b) (SKNet).
Sensors 23 08361 g005
Figure 6. A conceptual illustration of the LSK (Large Selective Kernel) module.
Figure 6. A conceptual illustration of the LSK (Large Selective Kernel) module.
Sensors 23 08361 g006
Figure 7. Improved structure of YOLOv8s.
Figure 7. Improved structure of YOLOv8s.
Sensors 23 08361 g007
Figure 8. Examples of different types of defects: (a) grid cracks D20; (b) longitudinal cracks D00; (c) transverse cracks D10; (d) potholes D40; and (e) road repair.
Figure 8. Examples of different types of defects: (a) grid cracks D20; (b) longitudinal cracks D00; (c) transverse cracks D10; (d) potholes D40; and (e) road repair.
Sensors 23 08361 g008
Figure 9. A comparison was conducted to evaluate the mAP values of the BL-YOLOv8 model against the original. (a) Comparison of [email protected], and (b) comparison of [email protected]:0.95.
Figure 9. A comparison was conducted to evaluate the mAP values of the BL-YOLOv8 model against the original. (a) Comparison of [email protected], and (b) comparison of [email protected]:0.95.
Sensors 23 08361 g009
Figure 10. Confusion matrix of the BL-YOLOv8 model and YOLOv8 model. (a) Confusion matrix of BL-YOLOv8. (b) Confusion matrix of YOLOv8.
Figure 10. Confusion matrix of the BL-YOLOv8 model and YOLOv8 model. (a) Confusion matrix of BL-YOLOv8. (b) Confusion matrix of YOLOv8.
Sensors 23 08361 g010
Figure 11. (ae) Detection results from self-collected data.
Figure 11. (ae) Detection results from self-collected data.
Sensors 23 08361 g011
Figure 12. Visualization results of comparative experiments for seven models in drone-captured scenes: (a) YOLOv8s; (b) YOLOv5s; (c) SSD; (d) YOLOv6s; (e) BL-YOLOv8; (f) YOLOv7-tiny; (g) Faster-RCNN; (h) YOLOv3-tiny.
Figure 12. Visualization results of comparative experiments for seven models in drone-captured scenes: (a) YOLOv8s; (b) YOLOv5s; (c) SSD; (d) YOLOv6s; (e) BL-YOLOv8; (f) YOLOv7-tiny; (g) Faster-RCNN; (h) YOLOv3-tiny.
Sensors 23 08361 g012aSensors 23 08361 g012bSensors 23 08361 g012c
Figure 13. Visualization results of comparative experiments for seven models conducted in scenes captured by a vehicle-mounted camera): (a) YOLOv8s; (b) YOLOv5s; (c) SSD; (d) YOLOv6s; (e) BL-YOLOv8s; (f) YOLOv7-tiny; (g) Faster-RCNN; and (h) YOLOv3-tiny.
Figure 13. Visualization results of comparative experiments for seven models conducted in scenes captured by a vehicle-mounted camera): (a) YOLOv8s; (b) YOLOv5s; (c) SSD; (d) YOLOv6s; (e) BL-YOLOv8s; (f) YOLOv7-tiny; (g) Faster-RCNN; and (h) YOLOv3-tiny.
Sensors 23 08361 g013
Table 1. Network structure and parameters of BL-YOLOv8s.
Table 1. Network structure and parameters of BL-YOLOv8s.
LayersFromNParamsModuleArguments
0−11928Conv[3, 32, 3, 2]
1−1118,560Conv[32, 64, 3, 2]
2−1129,056C2f[64, 64, 1, True]
3−1173,984Conv[64, 128, 3, 2]
4−12197,632C2f[128, 128, 2, True]
5−11295,424Conv[128, 256, 3, 2]
6−12788,480C2f[256, 256, 2, True]
7−111,180,672Conv[256, 512, 3, 2]
8−111,838,080C2f[512, 512, 1, True]
9−11656,896SimSPFF[512, 512, 5]
10−11433,350LSK[512]
114116,640Conv[128, 128]
126133,024Conv[256, 128]
1310165,792Conv[512, 128]
14−110Upsample[None, 2, ’nearest’]
15[−1, 12]12Fusion[[128, 128], ’bifpn’]
16−11115,456C2f[128, 128, 1]
17−110Upsample[None, 2, ’nearest’]
18[−1, 11]12Fusion[[128, 128], ’bifpn’]
19−11115,456C2f[128, 128, 1]
202173,984Conv[64, 128, 3, 2]
21[−1, 11, 19]13Fusion[[128, 128, 128], ’bifpn’]
22−11115,456C2f[128, 128, 1]
23−11147,712Conv[128, 128, 3, 2]
24[−1, 12, 16]13Fusion[[128, 128, 128], ’bifpn’]
25−11115,456C2f[128, 128, 1]
26−11147,712Conv[128, 128, 3, 2]
27[−1, 13]12Fusion[[128, 128], ’bifpn’]
28−11115,456C2f[128, 128, 1]
29[22, 25, 28]11,262,272Detect[80, [128, 128, 128]]
summary (fused): 204 layers, 7829,394 parameters, 7829,378 gradients, 25.5 GFLOPs
Table 2. Configuration and training environment.
Table 2. Configuration and training environment.
Environmental ParameterValue
Operating systemUbuntu18.04
Deep learning frameworkPytorch
programming languagePython3.8
CPUIntel(R) Xeon(R) Platinum 8255C
GPURTX 3090 (24 GB)
RAM30 GB
Table 3. Hyperparametric configuration.
Table 3. Hyperparametric configuration.
HyperparametersValue
Learning Rate0.01
Image Size640 × 640
Momentum0.937
OptimizerSGD
Batch Size64
Epoch160
Weight Decay0.0005
Table 4. Types and quantities of defects in the dataset.
Table 4. Types and quantities of defects in the dataset.
Pavement DistressDistress ClassQuantity
grid cracksD20756
longitudinal cracksD003270
transverse cracksD101895
potholesD40255
road repairRepair821
Table 5. Performance table of different spatial pyramid pooling layers under multiple metrics.
Table 5. Performance table of different spatial pyramid pooling layers under multiple metrics.
Models[email protected]/%Para (M)GFLOPsTime (ms)
Yolov8s + SPP86.911.1628.816.40
Yolov8s + SPPF87.411.1628.86.93
Yolov8s + SimSPPF87.411.1628.85.73
Yolov8s + ASPP86.814.4431.211.12
Yolov8s + SPPCSPC88.117.5934.029.72
Table 6. Performance table of different attention modules.
Table 6. Performance table of different attention modules.
Models[email protected]/%Para (M)GFLOPsFPS
YOLOv8s + BiFPN89.37.3925.2108
+SE89.313.8230.183
+Biform [34]89.48.4225.298
+CBAM90.27.3925.191
+EMA [35]89.37.4025.398
+CA89.07.4225.1111
+LSK-attention90.57.8325.7103
Table 7. Ablation experiments with the modules.
Table 7. Ablation experiments with the modules.
BiFPNSimSPPFLSK-Net[email protected]/%Para (M)GFLOPsFPS
87.411.1628.8128
89.37.3925.2115
87.411.1628.8130
88.711.5829.0120
89.57.3925.2117
90.77.8225.598
Table 8. Performance comparison of different models in detection.
Table 8. Performance comparison of different models in detection.
Models[email protected]/%Para (M)GFLOPsFPSF1-Score
Faster R-CNN73.228.31940.97110.60
SSD72.726.2862.74760.61
YOLOv3-tiny76.18.6813.02220.71
YOLOv5s85.27.0215.81560.83
YOLOv6s85.516.2944.01080.81
YOLOv5-MobileNetv3 [37]87.17.399.9820.84
YOLOX89.05.0615.4770.86
Efficientdet [10]49.83.875.2270.46
YOLOv7-CA [38]87.06.0213.11380.82
YOLOv7-tiny88.36.0213.21440.84
YOLOv8s87.411.1628.81200.83
BL-YOLO8s90.77.8225.5980.87
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, X.; Gao, H.; Jia, Z.; Li, Z. BL-YOLOv8: An Improved Road Defect Detection Model Based on YOLOv8. Sensors 2023, 23, 8361. https://doi.org/10.3390/s23208361

AMA Style

Wang X, Gao H, Jia Z, Li Z. BL-YOLOv8: An Improved Road Defect Detection Model Based on YOLOv8. Sensors. 2023; 23(20):8361. https://doi.org/10.3390/s23208361

Chicago/Turabian Style

Wang, Xueqiu, Huanbing Gao, Zemeng Jia, and Zijian Li. 2023. "BL-YOLOv8: An Improved Road Defect Detection Model Based on YOLOv8" Sensors 23, no. 20: 8361. https://doi.org/10.3390/s23208361

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