Community detection is one of the most fundamental applications in understanding the structure of complicated networks.Furthermore,it is an important approach to identifying closely linked clusters of nodes that may r...Community detection is one of the most fundamental applications in understanding the structure of complicated networks.Furthermore,it is an important approach to identifying closely linked clusters of nodes that may represent underlying patterns and relationships.Networking structures are highly sensitive in social networks,requiring advanced techniques to accurately identify the structure of these communities.Most conventional algorithms for detecting communities perform inadequately with complicated networks.In addition,they miss out on accurately identifying clusters.Since single-objective optimization cannot always generate accurate and comprehensive results,as multi-objective optimization can.Therefore,we utilized two objective functions that enable strong connections between communities and weak connections between them.In this study,we utilized the intra function,which has proven effective in state-of-the-art research studies.We proposed a new inter-function that has demonstrated its effectiveness by making the objective of detecting external connections between communities is to make them more distinct and sparse.Furthermore,we proposed a Multi-Objective community strength enhancement algorithm(MOCSE).The proposed algorithm is based on the framework of the Multi-Objective Evolutionary Algorithm with Decomposition(MOEA/D),integrated with a new heuristic mutation strategy,community strength enhancement(CSE).The results demonstrate that the model is effective in accurately identifying community structures while also being computationally efficient.The performance measures used to evaluate the MOEA/D algorithm in our work are normalized mutual information(NMI)and modularity(Q).It was tested using five state-of-the-art algorithms on social networks,comprising real datasets(Zachary,Dolphin,Football,Krebs,SFI,Jazz,and Netscience),as well as twenty synthetic datasets.These results provide the robustness and practical value of the proposed algorithm in multi-objective community identification.展开更多
In recent years,advancements in autonomous vehicle technology have accelerated,promising safer and more efficient transportation systems.However,achieving fully autonomous driving in challenging weather conditions,par...In recent years,advancements in autonomous vehicle technology have accelerated,promising safer and more efficient transportation systems.However,achieving fully autonomous driving in challenging weather conditions,particularly in snowy environments,remains a challenge.Snow-covered roads introduce unpredictable surface conditions,occlusions,and reduced visibility,that require robust and adaptive path detection algorithms.This paper presents an enhanced road detection framework for snowy environments,leveraging Simple Framework forContrastive Learning of Visual Representations(SimCLR)for Self-Supervised pretraining,hyperparameter optimization,and uncertainty-aware object detection to improve the performance of YouOnly Look Once version 8(YOLOv8).Themodel is trained and evaluated on a custom-built dataset collected from snowy roads in Tromsø,Norway,which covers a range of snow textures,illumination conditions,and road geometries.The proposed framework achieves scores in terms of mAP@50 equal to 99%and mAP@50–95 equal to 97%,demonstrating the effectiveness of YOLOv8 for real-time road detection in extreme winter conditions.The findings contribute to the safe and reliable deployment of autonomous vehicles in Arctic environments,enabling robust decision-making in hazardous weather conditions.This research lays the groundwork for more resilient perceptionmodels in self-driving systems,paving the way for the future development of intelligent and adaptive transportation networks.展开更多
Accurate and real-time road defect detection is essential for ensuring traffic safety and infrastructure maintenance.However,existing vision-based methods often struggle with small,sparse,and low-resolution defects un...Accurate and real-time road defect detection is essential for ensuring traffic safety and infrastructure maintenance.However,existing vision-based methods often struggle with small,sparse,and low-resolution defects under complex road conditions.To address these limitations,we propose Multi-Scale Guided Detection YOLO(MGD-YOLO),a novel lightweight and high-performance object detector built upon You Only Look Once Version 5(YOLOv5).The proposed model integrates three key components:(1)a Multi-Scale Dilated Attention(MSDA)module to enhance semantic feature extraction across varying receptive fields;(2)Depthwise Separable Convolution(DSC)to reduce computational cost and improve model generalization;and(3)a Visual Global Attention Upsampling(VGAU)module that leverages high-level contextual information to refine low-level features for precise localization.Extensive experiments on three public road defect benchmarks demonstrate that MGD-YOLO outperforms state-of-the-art models in both detection accuracy and efficiency.Notably,our model achieves 87.9%accuracy in crack detection,88.3%overall precision on TD-RD dataset,while maintaining fast inference speed and a compact architecture.These results highlight the potential of MGD-YOLO for deployment in real-time,resource-constrained scenarios,paving the way for practical and scalable intelligent road maintenance systems.展开更多
Rapid and high-precision speed bump detection is critical for autonomous driving and road safety,yet it faces challenges from non-standard appearances and complex environments.To address this issue,this study proposes...Rapid and high-precision speed bump detection is critical for autonomous driving and road safety,yet it faces challenges from non-standard appearances and complex environments.To address this issue,this study proposes a you only look once(YOLO)algorithm for speed bump detection(SPD-YOLO),a lightweight model based on YOLO11s that integrates three core innova-tive modules to balance detection precision and computational efficiency:it replaces YOLO11s’original backbone with StarNet,which uses‘star operations’to map features into high-dimensional nonlinear spaces for enhanced feature representation while maintaining computational efficiency;its neck incorporates context feature calibration(CFC)and spatial feature calibration(SFC)to improve detection performance without significant computational overhead;and its detection head adopts a lightweight shared convolutional detection(LSCD)structure combined with GroupNorm,minimizing computational complexity while preserving multi-scale feature fusion efficacy.Experi-ments on a custom speed bump dataset show SPD-YOLO achieves a mean average precision(mAP)of 79.9%,surpassing YOLO11s by 1.3%and YOLO12s by 1.2%while reducing parameters by 26.3%and floating-point operations per second(FLOPs)by 29.5%,enabling real-time deploy-ment on resource-constrained platforms.展开更多
Roads inevitably have defects during use,which not only seriously affect their service life but also pose a hidden danger to traffic safety.Existing algorithms for detecting road defects are unsatisfactory in terms of...Roads inevitably have defects during use,which not only seriously affect their service life but also pose a hidden danger to traffic safety.Existing algorithms for detecting road defects are unsatisfactory in terms of accuracy and generalization,so this paper proposes an algorithm based on YOLOv11.The method embeds wavelet transform convolution(WTConv)into the backbone’s C3k2 module to enhance low-frequency feature extraction while avoiding parameter bloat.Secondly,a novel multi-scale fusion diffusion network(MFDN)architecture is designed for the neck to strengthen cross-scale feature interactions,boosting detection precision.In terms of model optimization,the traditional downsampling method is discarded,and the innovative Adown(adaptive downsampling)technique is adopted,which streamlines the parameter scales while effectively mitigating the information loss problem during downsampling.Finally,in this paper,we propose Wise-PIDIoU by combining WiseIoU and MPDIoU to minimize the negative impact of low-quality anchor frames and enhance the detection capability of the model.The experimental results indicate that the proposed algorithm achieves an average detection accuracy of 86.5%for mAP@50 on the RDD2022 dataset,which is 2%higher than the original algorithm while ensuring that the amount of computation is basically unchanged.The number of parameters is reduced by 17%,and the F1 score is improved by 3%,showing better detection performance than other algorithms when facing different types of defects.The excellent performance on embedded devices proves that the algorithm also has favorable application prospects in practical inspection.展开更多
Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm f...Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm for infrared images,F-YOLOv8,is proposed.First,a spatial-to-depth network replaces the traditional backbone network's strided convolution or pooling layer.At the same time,it combines with the channel attention mechanism so that the neural network focuses on the channels with large weight values to better extract low-resolution image feature information;then an improved feature pyramid network of lightweight bidirectional feature pyramid network(L-BiFPN)is proposed,which can efficiently fuse features of different scales.In addition,a loss function of insertion of union based on the minimum point distance(MPDIoU)is introduced for bounding box regression,which obtains faster convergence speed and more accurate regression results.Experimental results on the FLIR dataset show that the improved algorithm can accurately detect infrared road targets in real time with 3%and 2.2%enhancement in mean average precision at 50%IoU(mAP50)and mean average precision at 50%—95%IoU(mAP50-95),respectively,and 38.1%,37.3%and 16.9%reduction in the number of model parameters,the model weight,and floating-point operations per second(FLOPs),respectively.To further demonstrate the detection capability of the improved algorithm,it is tested on the public dataset PASCAL VOC,and the results show that F-YOLO has excellent generalized detection performance.展开更多
There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilize...There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilized the convolutional neural network(CNN) + ghosting bottleneck(G_bneck) architecture to reduce redundant feature maps. Afterwards, we upgraded the original upsampling algorithm to content-aware reassembly of features(CARAFE) and increased the receptive field. Finally, we replaced the spatial pyramid pooling fast(SPPF) module with the basic receptive field block(Basic RFB) pooling module and added dilated convolution. After comparative experiments, we can see that the number of parameters and model size of the improved algorithm in this paper have been reduced by nearly half compared to the YOLOv5s. The frame rate per second(FPS) has been increased by 3.25 times. The mean average precision(m AP@0.5: 0.95) has increased by 8%—17% compared to other lightweight algorithms.展开更多
Despite rapid developments in visual image-based road detection, robustly identifying road areas in visual images remains challenging due to issues like illumination changes and blurry images. To this end, LiDAR senso...Despite rapid developments in visual image-based road detection, robustly identifying road areas in visual images remains challenging due to issues like illumination changes and blurry images. To this end, LiDAR sensor data can be incorporated to improve the visual image-based road detection,because LiDAR data is less susceptible to visual noises. However,the main difficulty in introducing LiDAR information into visual image-based road detection is that LiDAR data and its extracted features do not share the same space with the visual data and visual features. Such gaps in spaces may limit the benefits of LiDAR information for road detection. To overcome this issue, we introduce a novel Progressive LiDAR adaptation-aided road detection(PLARD) approach to adapt LiDAR information into visual image-based road detection and improve detection performance. In PLARD, progressive LiDAR adaptation consists of two subsequent modules: 1) data space adaptation, which transforms the LiDAR data to the visual data space to align with the perspective view by applying altitude difference-based transformation; and 2) feature space adaptation, which adapts LiDAR features to visual features through a cascaded fusion structure. Comprehensive empirical studies on the well-known KITTI road detection benchmark demonstrate that PLARD takes advantage of both the visual and LiDAR information, achieving much more robust road detection even in challenging urban scenes. In particular, PLARD outperforms other state-of-theart road detection models and is currently top of the publicly accessible benchmark leader-board.展开更多
This paper presents a framework for road network change detection in order to update the Canadian National Topographic DataBase (NTDB). The methodology has been developed on the basis of road extraction from IRS\|pan ...This paper presents a framework for road network change detection in order to update the Canadian National Topographic DataBase (NTDB). The methodology has been developed on the basis of road extraction from IRS\|pan images (with a 5.8 m spatial resolution) by using a wavelet approach. The feature matching and conflation techniques are used to road change detection and updating. Elementary experiments have showed that the proposed framework could be used for developing an operational road database updating system.展开更多
As a vital and integral component of transportation infrastructure,pavement has a direct and tangible impact on socio-economic sustainability.In recent years,an influx of groundbreaking and state-of-the-art materials,...As a vital and integral component of transportation infrastructure,pavement has a direct and tangible impact on socio-economic sustainability.In recent years,an influx of groundbreaking and state-of-the-art materials,structures,equipment,and detection technologies related to road engineering have continually and progressively emerged,reshaping the landscape of pavement systems.There is a pressing and growing need for a timely summarization of the current research status and a clear identification of future research directions in these advanced and evolving technologies.Therefore,Journal of Road Engineering has undertaken the significant initiative of introducing a comprehensive review paper with the overarching theme of“advanced road materials,structures,equipment,and detection technologies”.This extensive and insightful review meticulously gathers and synthesizes research findings from 39 distinguished scholars,all of whom are affiliated with 19 renowned universities or research institutions specializing in the diverse and multidimensional field of highway engineering.It covers the current state and anticipates future development directions in the four major and interconnected domains of road engineering:advanced road materials,advanced road structures and performance evaluation,advanced road construction equipment and technology,and advanced road detection and assessment technologies.展开更多
Road boundary detection is essential for autonomous vehicle localization and decision-making,especially under GPS signal loss and lane discontinuities.For road boundary detection in structural environments,obstacle oc...Road boundary detection is essential for autonomous vehicle localization and decision-making,especially under GPS signal loss and lane discontinuities.For road boundary detection in structural environments,obstacle occlusions and large road curvature are two significant challenges.However,an effective and fast solution for these problems has remained elusive.To solve these problems,a speed and accuracy tradeoff method for LiDAR-based road boundary detection in structured environments is proposed.The proposed method consists of three main stages:1)a multi-feature based method is applied to extract feature points;2)a road-segmentation-line-based method is proposed for classifying left and right feature points;3)an iterative Gaussian Process Regression(GPR)is employed for filtering out false points and extracting boundary points.To demonstrate the effectiveness of the proposed method,KITTI datasets is used for comprehensive experiments,and the performance of our approach is tested under different road conditions.Comprehensive experiments show the roadsegmentation-line-based method can classify left,and right feature points on structured curved roads,and the proposed iterative Gaussian Process Regression can extract road boundary points on varied road shapes and traffic conditions.Meanwhile,the proposed road boundary detection method can achieve real-time performance with an average of 70.5 ms per frame.展开更多
Automatic road damage detection using image processing is an important aspect of road maintenance.It is also a challenging problem due to the inhomogeneity of road damage and complicated background in the road images....Automatic road damage detection using image processing is an important aspect of road maintenance.It is also a challenging problem due to the inhomogeneity of road damage and complicated background in the road images.In recent years,deep convolutional neural network based methods have been used to address the challenges of road damage detection and classification.In this paper,we propose a new approach to address those challenges.This approach uses densely connected convolution networks as the backbone of the Mask R-CNN to effectively extract image feature,a feature pyramid network for combining multiple scales features,a region proposal network to generate the road damage region,and a fully convolutional neural network to classify the road damage region and refine the region bounding box.This method can not only detect and classify the road damage,but also create a mask of the road damage.Experimental results show that the proposed approach can achieve better results compared with other existing methods.展开更多
Road transportation plays a crucial role in society and daily life,as the functioning and durability of roads can significantly impact a nation's economic development.In the whole life cycle of the road,the emerge...Road transportation plays a crucial role in society and daily life,as the functioning and durability of roads can significantly impact a nation's economic development.In the whole life cycle of the road,the emergence of disease is unavoidable,so it is necessary to adopt relevant technical means to deal with the disease.This study comprehensively reviews the advancements in computer vision,artificial intelligence,and mobile robotics in the road domain and examines their progress and applications in road detection,diagnosis,and treatment,especially asphalt roads.Specifically,it analyzes the research progress in detecting and diagnosing surface and internal road distress and related techniques and algorithms are compared.In addition,also introduces various road gover-nance technologies,including automated repairs,intelligent construction,and path planning for crack sealing.Despite their proven effectiveness in detecting road distress,analyzing diagnoses,and planning maintenance,these technologies still confront challenges in data collection,parameter optimization,model portability,system accuracy,robustness,and real-time performance.Consequently,the integration of multidisciplinary technologies is imperative to enable the development of an integrated approach that includes road detection,diagnosis,and treatment.This paper addresses the challenges of precise defect detection,condition assessment,and unmanned construction.At the same time,the efficiency of labor liberation and road maintenance is achieved,and the automation level of the road engineering industry is improved.展开更多
In recent years, artificial intelligence and automotive industry have developed rapidly, and autonomous driving has gradually become the focus of the industry. In road networks, the problem of proximity detection refe...In recent years, artificial intelligence and automotive industry have developed rapidly, and autonomous driving has gradually become the focus of the industry. In road networks, the problem of proximity detection refers to detecting whether two moving objects are close to each other or not in real time. However, the battery life and computing capability of mobile devices are limited in the actual scene,which results in high latency and energy consumption. Therefore, it is a tough problem to determine the proximity relationship between mobile users with low latency and energy consumption. In this article, we aim at finding a tradeoff between latency and energy consumption. We formalize the computation offloading problem base on mobile edge computing(MEC)into a constrained multiobjective optimization problem(CMOP) and utilize NSGA-II to solve it. The simulation results demonstrate that NSGA-II can find the Pareto set, which reduces the latency and energy consumption effectively. In addition, a large number of solutions provided by the Pareto set give us more choices of the offloading decision according to the actual situation.展开更多
Road marking detection is an important branch in autonomous driving,understanding the road information.In recent years,deep-learning-based semantic segmentation methods for road marking detection have been arising sin...Road marking detection is an important branch in autonomous driving,understanding the road information.In recent years,deep-learning-based semantic segmentation methods for road marking detection have been arising since they can generalize detection result well under complicated environments and hold rich pixel-level semantic information.Nevertheless,the previous methods mostly study the training process of the segmentation network,while omitting the time cost of manually annotating pixel-level data.Besides,the pixel-level semantic segmentation results need to be fitted into more reliable and compact models so that geometrical information of road markings can be explicitly obtained.In order to tackle the above problems,this paper describes a semantic segmentation-based road marking detection method using around view monitoring system.A semiautomatic semantic annotation platform is developed,which exploits an auxiliary segmentation graph to speed up the annotation process while guaranteeing the annotation accuracy.A segmentation-based detection module is also described,which models the semantic segmentation results for the more robust and compact analysis.The proposed detection module is composed of three parts:vote-based segmentation fusion filtering,graph-based road marking clustering,and road-marking fitting.Experiments under various scenarios show that the semantic segmentation-based detection method can achieve accurate,robust,and real-time detection performance.展开更多
Video processing is one challenge in collecting vehicle trajectories from unmanned aerial vehicle(UAV) and road boundary estimation is one way to improve the video processing algorithms. However, current methods do no...Video processing is one challenge in collecting vehicle trajectories from unmanned aerial vehicle(UAV) and road boundary estimation is one way to improve the video processing algorithms. However, current methods do not work well for low volume road, which is not well-marked and with noises such as vehicle tracks. A fusion-based method termed Dempster-Shafer-based road detection(DSRD) is proposed to address this issue. This method detects road boundary by combining multiple information sources using Dempster-Shafer theory(DST). In order to test the performance of the proposed method, two field experiments were conducted, one of which was on a highway partially covered by snow and another was on a dense traffic highway. The results show that DSRD is robust and accurate, whose detection rates are 100% and 99.8% compared with manual detection results. Then, DSRD is adopted to improve UAV video processing algorithm, and the vehicle detection and tracking rate are improved by 2.7% and 5.5%,respectively. Also, the computation time has decreased by 5% and 8.3% for two experiments, respectively.展开更多
The traditional You Only Look Once(YOLO)series network models often fail to extract satisfactory features for road detection,due to the limited number of defect images in the dataset.Additionally,most open-source road...The traditional You Only Look Once(YOLO)series network models often fail to extract satisfactory features for road detection,due to the limited number of defect images in the dataset.Additionally,most open-source road crack datasets contain idealized cracks that are not suitable for detecting early-stage pavement cracks with fine widths and subtle features.To address these issues,this study collected a large number of original road surface images using road detection vehicles.A large-capacity crack dataset was then constructed,with various shapes of cracks categorized as either cracks or fractures.To improve the training performance of the YOLOv5 algorithm,which showed unsatisfactory results on the original dataset,this study used median filtering to preprocess the crack images.The preprocessed images were combined to form the training set.Moreover,the Coordinate Attention(CA)attention module was integrated to further enhance the model’s training performance.The final detection model achieved a recognition accuracy of 88.9%and a recall rate of 86.1%for detecting cracks.These findings demonstrate that the use of image preprocessing technology and the introduction of the CA attention mechanism can effectively detect early-stage pavement cracks that have low contrast with the background.展开更多
Timely detection and elimination of damage in areas with excessive vehicle loading can reduce the risk of road accidents.Currently,various methods of photo and video surveillance are used to monitor the condition of t...Timely detection and elimination of damage in areas with excessive vehicle loading can reduce the risk of road accidents.Currently,various methods of photo and video surveillance are used to monitor the condition of the road surface.The manual approach to evaluation and analysis of the received data can take a protracted period of time.Thus,it is necessary to improve the procedures for inspection and assessment of the condition of control objects with the help of computer vision and deep learning techniques.In this paper,we propose a model based on Mask Region-based Convolutional Neural Network(Mask R-CNN)architecture for identifying defects of the road surface in the real-time mode.It shows the process of collecting and the features of the training samples and the deep neural network(DNN)training process,taking into account the specifics of the problems posed.For the software implementation of the proposed architecture,the Python programming language and the TensorFlow framework were utilized.The use of the proposed model is effective even in conditions of a limited amount of source data.Also as a result of experiments,a high degree of repeatability of the results was noted.According to the metrics,Mask R-CNN gave the high detection and segmentation results showing 0.9214,0.9876,0.9571 precision,recall,and F1-score respectively in road damage detection,and Intersection over Union(IoU)-0.3488 and Dice similarity coefficient-0.7381 in segmentation of road damages.展开更多
Estimating intercity vehicle emissions precisely would benefit collaborative control in multiple cities.Considering the variability of emissions caused by vehicles,roads,and traffic,the 24-hour change characteristics ...Estimating intercity vehicle emissions precisely would benefit collaborative control in multiple cities.Considering the variability of emissions caused by vehicles,roads,and traffic,the 24-hour change characteristics of air pollutants(CO,HC,NO_(X),PM_(2.5))on the intercity road network of Guangdong Province by vehicle categories and road links were revealed based on vehicle identity detection data in real-life traffic for each hour in July 2018.The results showed that the spatial diversity of emissions caused by the unbalanced economywas obvious.The vehicle emissions in the Pearl River Delta region(PRD)with a higher economic level were approximately 1–2 times those in the non-Pearl RiverDelta region(non-PRD).Provincial roads with high loads became potential sources of high emissions.Therefore,emission control policies must emphasize the PRD and key roads by travel guidance to achieve greater reduction.Gasoline passenger cars with a large proportion of traffic dominated morning and evening peaks in the 24-hour period and were the dominant contributors to CO and HC emissions,contributing more than 50%in the daytime(7:00–23:00)and higher than 26%at night(0:00–6:00).Diesel trucks made up 10%of traffic,but were the dominant player at night,contributed 50%–90%to NO_(X) and PM_(2.5) emissions,with amarked 24-hour change rule of more than 80%at night(23:00–5:00)and less than 60%during daytime.Therefore,targeted control measures by time-section should be set up on collaborative control.These findings provide time-varying decision support for variable vehicle emission control on a large scale.展开更多
Integrating Tiny Machine Learning(TinyML)with edge computing in remotely sensed images enhances the capabilities of road anomaly detection on a broader level.Constrained devices efficiently implement a Binary Neural N...Integrating Tiny Machine Learning(TinyML)with edge computing in remotely sensed images enhances the capabilities of road anomaly detection on a broader level.Constrained devices efficiently implement a Binary Neural Network(BNN)for road feature extraction,utilizing quantization and compression through a pruning strategy.The modifications resulted in a 28-fold decrease in memory usage and a 25%enhancement in inference speed while only experiencing a 2.5%decrease in accuracy.It showcases its superiority over conventional detection algorithms in different road image scenarios.Although constrained by computer resources and training datasets,our results indicate opportunities for future research,demonstrating that quantization and focused optimization can significantly improve machine learning models’accuracy and operational efficiency.ARM Cortex-M0 gives practical feasibility and substantial benefits while deploying our optimized BNN model on this low-power device:Advanced machine learning in edge computing.The analysis work delves into the educational significance of TinyML and its essential function in analyzing road networks using remote sensing,suggesting ways to improve smart city frameworks in road network assessment,traffic management,and autonomous vehicle navigation systems by emphasizing the importance of new technologies for maintaining and safeguarding road networks.展开更多
文摘Community detection is one of the most fundamental applications in understanding the structure of complicated networks.Furthermore,it is an important approach to identifying closely linked clusters of nodes that may represent underlying patterns and relationships.Networking structures are highly sensitive in social networks,requiring advanced techniques to accurately identify the structure of these communities.Most conventional algorithms for detecting communities perform inadequately with complicated networks.In addition,they miss out on accurately identifying clusters.Since single-objective optimization cannot always generate accurate and comprehensive results,as multi-objective optimization can.Therefore,we utilized two objective functions that enable strong connections between communities and weak connections between them.In this study,we utilized the intra function,which has proven effective in state-of-the-art research studies.We proposed a new inter-function that has demonstrated its effectiveness by making the objective of detecting external connections between communities is to make them more distinct and sparse.Furthermore,we proposed a Multi-Objective community strength enhancement algorithm(MOCSE).The proposed algorithm is based on the framework of the Multi-Objective Evolutionary Algorithm with Decomposition(MOEA/D),integrated with a new heuristic mutation strategy,community strength enhancement(CSE).The results demonstrate that the model is effective in accurately identifying community structures while also being computationally efficient.The performance measures used to evaluate the MOEA/D algorithm in our work are normalized mutual information(NMI)and modularity(Q).It was tested using five state-of-the-art algorithms on social networks,comprising real datasets(Zachary,Dolphin,Football,Krebs,SFI,Jazz,and Netscience),as well as twenty synthetic datasets.These results provide the robustness and practical value of the proposed algorithm in multi-objective community identification.
文摘In recent years,advancements in autonomous vehicle technology have accelerated,promising safer and more efficient transportation systems.However,achieving fully autonomous driving in challenging weather conditions,particularly in snowy environments,remains a challenge.Snow-covered roads introduce unpredictable surface conditions,occlusions,and reduced visibility,that require robust and adaptive path detection algorithms.This paper presents an enhanced road detection framework for snowy environments,leveraging Simple Framework forContrastive Learning of Visual Representations(SimCLR)for Self-Supervised pretraining,hyperparameter optimization,and uncertainty-aware object detection to improve the performance of YouOnly Look Once version 8(YOLOv8).Themodel is trained and evaluated on a custom-built dataset collected from snowy roads in Tromsø,Norway,which covers a range of snow textures,illumination conditions,and road geometries.The proposed framework achieves scores in terms of mAP@50 equal to 99%and mAP@50–95 equal to 97%,demonstrating the effectiveness of YOLOv8 for real-time road detection in extreme winter conditions.The findings contribute to the safe and reliable deployment of autonomous vehicles in Arctic environments,enabling robust decision-making in hazardous weather conditions.This research lays the groundwork for more resilient perceptionmodels in self-driving systems,paving the way for the future development of intelligent and adaptive transportation networks.
基金supported by Chengdu Jincheng College under the General Research Project Program(Project No.JG2024-1199)titled“Research on the Training Mechanism of Undergraduate Innovation Ability Based on Deep Integration of AI Industry-Education Collaboration”.
文摘Accurate and real-time road defect detection is essential for ensuring traffic safety and infrastructure maintenance.However,existing vision-based methods often struggle with small,sparse,and low-resolution defects under complex road conditions.To address these limitations,we propose Multi-Scale Guided Detection YOLO(MGD-YOLO),a novel lightweight and high-performance object detector built upon You Only Look Once Version 5(YOLOv5).The proposed model integrates three key components:(1)a Multi-Scale Dilated Attention(MSDA)module to enhance semantic feature extraction across varying receptive fields;(2)Depthwise Separable Convolution(DSC)to reduce computational cost and improve model generalization;and(3)a Visual Global Attention Upsampling(VGAU)module that leverages high-level contextual information to refine low-level features for precise localization.Extensive experiments on three public road defect benchmarks demonstrate that MGD-YOLO outperforms state-of-the-art models in both detection accuracy and efficiency.Notably,our model achieves 87.9%accuracy in crack detection,88.3%overall precision on TD-RD dataset,while maintaining fast inference speed and a compact architecture.These results highlight the potential of MGD-YOLO for deployment in real-time,resource-constrained scenarios,paving the way for practical and scalable intelligent road maintenance systems.
文摘Rapid and high-precision speed bump detection is critical for autonomous driving and road safety,yet it faces challenges from non-standard appearances and complex environments.To address this issue,this study proposes a you only look once(YOLO)algorithm for speed bump detection(SPD-YOLO),a lightweight model based on YOLO11s that integrates three core innova-tive modules to balance detection precision and computational efficiency:it replaces YOLO11s’original backbone with StarNet,which uses‘star operations’to map features into high-dimensional nonlinear spaces for enhanced feature representation while maintaining computational efficiency;its neck incorporates context feature calibration(CFC)and spatial feature calibration(SFC)to improve detection performance without significant computational overhead;and its detection head adopts a lightweight shared convolutional detection(LSCD)structure combined with GroupNorm,minimizing computational complexity while preserving multi-scale feature fusion efficacy.Experi-ments on a custom speed bump dataset show SPD-YOLO achieves a mean average precision(mAP)of 79.9%,surpassing YOLO11s by 1.3%and YOLO12s by 1.2%while reducing parameters by 26.3%and floating-point operations per second(FLOPs)by 29.5%,enabling real-time deploy-ment on resource-constrained platforms.
文摘Roads inevitably have defects during use,which not only seriously affect their service life but also pose a hidden danger to traffic safety.Existing algorithms for detecting road defects are unsatisfactory in terms of accuracy and generalization,so this paper proposes an algorithm based on YOLOv11.The method embeds wavelet transform convolution(WTConv)into the backbone’s C3k2 module to enhance low-frequency feature extraction while avoiding parameter bloat.Secondly,a novel multi-scale fusion diffusion network(MFDN)architecture is designed for the neck to strengthen cross-scale feature interactions,boosting detection precision.In terms of model optimization,the traditional downsampling method is discarded,and the innovative Adown(adaptive downsampling)technique is adopted,which streamlines the parameter scales while effectively mitigating the information loss problem during downsampling.Finally,in this paper,we propose Wise-PIDIoU by combining WiseIoU and MPDIoU to minimize the negative impact of low-quality anchor frames and enhance the detection capability of the model.The experimental results indicate that the proposed algorithm achieves an average detection accuracy of 86.5%for mAP@50 on the RDD2022 dataset,which is 2%higher than the original algorithm while ensuring that the amount of computation is basically unchanged.The number of parameters is reduced by 17%,and the F1 score is improved by 3%,showing better detection performance than other algorithms when facing different types of defects.The excellent performance on embedded devices proves that the algorithm also has favorable application prospects in practical inspection.
基金supported by the National Natural Science Foundation of China(No.62103298)。
文摘Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm for infrared images,F-YOLOv8,is proposed.First,a spatial-to-depth network replaces the traditional backbone network's strided convolution or pooling layer.At the same time,it combines with the channel attention mechanism so that the neural network focuses on the channels with large weight values to better extract low-resolution image feature information;then an improved feature pyramid network of lightweight bidirectional feature pyramid network(L-BiFPN)is proposed,which can efficiently fuse features of different scales.In addition,a loss function of insertion of union based on the minimum point distance(MPDIoU)is introduced for bounding box regression,which obtains faster convergence speed and more accurate regression results.Experimental results on the FLIR dataset show that the improved algorithm can accurately detect infrared road targets in real time with 3%and 2.2%enhancement in mean average precision at 50%IoU(mAP50)and mean average precision at 50%—95%IoU(mAP50-95),respectively,and 38.1%,37.3%and 16.9%reduction in the number of model parameters,the model weight,and floating-point operations per second(FLOPs),respectively.To further demonstrate the detection capability of the improved algorithm,it is tested on the public dataset PASCAL VOC,and the results show that F-YOLO has excellent generalized detection performance.
基金supported by the Shanghai Sailing Program,China (No.20YF1447600)the Research Start-Up Project of Shanghai Institute of Technology (No.YJ2021-60)+1 种基金the Collaborative Innovation Project of Shanghai Institute of Technology (No.XTCX2020-12)the Science and Technology Talent Development Fund for Young and Middle-Aged Teachers at Shanghai Institute of Technology (No.ZQ2022-6)。
文摘There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilized the convolutional neural network(CNN) + ghosting bottleneck(G_bneck) architecture to reduce redundant feature maps. Afterwards, we upgraded the original upsampling algorithm to content-aware reassembly of features(CARAFE) and increased the receptive field. Finally, we replaced the spatial pyramid pooling fast(SPPF) module with the basic receptive field block(Basic RFB) pooling module and added dilated convolution. After comparative experiments, we can see that the number of parameters and model size of the improved algorithm in this paper have been reduced by nearly half compared to the YOLOv5s. The frame rate per second(FPS) has been increased by 3.25 times. The mean average precision(m AP@0.5: 0.95) has increased by 8%—17% compared to other lightweight algorithms.
基金supported by Australian Research Council Projects(FL-170100117,DP-180103424,IH-180100002)National Natural Science Foundation of China(NSFC)(61806062)
文摘Despite rapid developments in visual image-based road detection, robustly identifying road areas in visual images remains challenging due to issues like illumination changes and blurry images. To this end, LiDAR sensor data can be incorporated to improve the visual image-based road detection,because LiDAR data is less susceptible to visual noises. However,the main difficulty in introducing LiDAR information into visual image-based road detection is that LiDAR data and its extracted features do not share the same space with the visual data and visual features. Such gaps in spaces may limit the benefits of LiDAR information for road detection. To overcome this issue, we introduce a novel Progressive LiDAR adaptation-aided road detection(PLARD) approach to adapt LiDAR information into visual image-based road detection and improve detection performance. In PLARD, progressive LiDAR adaptation consists of two subsequent modules: 1) data space adaptation, which transforms the LiDAR data to the visual data space to align with the perspective view by applying altitude difference-based transformation; and 2) feature space adaptation, which adapts LiDAR features to visual features through a cascaded fusion structure. Comprehensive empirical studies on the well-known KITTI road detection benchmark demonstrate that PLARD takes advantage of both the visual and LiDAR information, achieving much more robust road detection even in challenging urban scenes. In particular, PLARD outperforms other state-of-theart road detection models and is currently top of the publicly accessible benchmark leader-board.
文摘This paper presents a framework for road network change detection in order to update the Canadian National Topographic DataBase (NTDB). The methodology has been developed on the basis of road extraction from IRS\|pan images (with a 5.8 m spatial resolution) by using a wavelet approach. The feature matching and conflation techniques are used to road change detection and updating. Elementary experiments have showed that the proposed framework could be used for developing an operational road database updating system.
基金support from the European Union's Horizon 2020 Research and Innovation Program under the Marie Skłodowska-Curie grant agreement No.101024139,the RILEM technical committee TC 279 WMR(valorisation of waste and secondary materials for roads),RILEM technical committee TC-264 RAP(asphalt pavement recycling)the Swiss National Science Foundation(SNF)grant 205121_178991/1 for the project titled“Urban Mining for Low Noise Urban Roads and Optimized Design of Street Canyons”,National Natural Science Foundation of China(No.51808462,51978547,52005048,52108394,52178414,52208420,52278448,52308447,52378429)+9 种基金China Postdoctoral Science Foundation(No.2023M730356)National Key R&D Program of China(No.2021YFB2601302)Natural Science Basic Research Program of Shaanxi(Program No.2023-JC-QN-0472)Postdoctoral Science Foundation of Anhui Province(2022B627)Shaanxi Provincial Science and Technology Department(No.2022 PT30)Key Technological Special Project of Xinxiang City(No.22ZD013)Key Laboratory of Intelligent Manufacturing of Construction Machinery(No.IMCM2021KF02)the Applied Basic Research Project of Sichuan Science and Technology Department(Free Exploration Type)(Grant No.2020YJ0039)Key R&D Support Plan of Chengdu Science and Technology Project-Technology Innovation R&D Project(Grant No.2019-YF05-00002-SN)the China Postdoctoral Science Foundation(Grant No.2018M643520).
文摘As a vital and integral component of transportation infrastructure,pavement has a direct and tangible impact on socio-economic sustainability.In recent years,an influx of groundbreaking and state-of-the-art materials,structures,equipment,and detection technologies related to road engineering have continually and progressively emerged,reshaping the landscape of pavement systems.There is a pressing and growing need for a timely summarization of the current research status and a clear identification of future research directions in these advanced and evolving technologies.Therefore,Journal of Road Engineering has undertaken the significant initiative of introducing a comprehensive review paper with the overarching theme of“advanced road materials,structures,equipment,and detection technologies”.This extensive and insightful review meticulously gathers and synthesizes research findings from 39 distinguished scholars,all of whom are affiliated with 19 renowned universities or research institutions specializing in the diverse and multidimensional field of highway engineering.It covers the current state and anticipates future development directions in the four major and interconnected domains of road engineering:advanced road materials,advanced road structures and performance evaluation,advanced road construction equipment and technology,and advanced road detection and assessment technologies.
基金This work was supported by the Research on Construction and Simulation Technology of Hardware in Loop Testing Scenario for Self-Driving Electric Vehicle in China(2018YFB0105103J).
文摘Road boundary detection is essential for autonomous vehicle localization and decision-making,especially under GPS signal loss and lane discontinuities.For road boundary detection in structural environments,obstacle occlusions and large road curvature are two significant challenges.However,an effective and fast solution for these problems has remained elusive.To solve these problems,a speed and accuracy tradeoff method for LiDAR-based road boundary detection in structured environments is proposed.The proposed method consists of three main stages:1)a multi-feature based method is applied to extract feature points;2)a road-segmentation-line-based method is proposed for classifying left and right feature points;3)an iterative Gaussian Process Regression(GPR)is employed for filtering out false points and extracting boundary points.To demonstrate the effectiveness of the proposed method,KITTI datasets is used for comprehensive experiments,and the performance of our approach is tested under different road conditions.Comprehensive experiments show the roadsegmentation-line-based method can classify left,and right feature points on structured curved roads,and the proposed iterative Gaussian Process Regression can extract road boundary points on varied road shapes and traffic conditions.Meanwhile,the proposed road boundary detection method can achieve real-time performance with an average of 70.5 ms per frame.
基金supported by the School Doctoral Fund of Zhengzhou University of Light Industry No.2015BSJJ051.
文摘Automatic road damage detection using image processing is an important aspect of road maintenance.It is also a challenging problem due to the inhomogeneity of road damage and complicated background in the road images.In recent years,deep convolutional neural network based methods have been used to address the challenges of road damage detection and classification.In this paper,we propose a new approach to address those challenges.This approach uses densely connected convolution networks as the backbone of the Mask R-CNN to effectively extract image feature,a feature pyramid network for combining multiple scales features,a region proposal network to generate the road damage region,and a fully convolutional neural network to classify the road damage region and refine the region bounding box.This method can not only detect and classify the road damage,but also create a mask of the road damage.Experimental results show that the proposed approach can achieve better results compared with other existing methods.
基金supported by the National Key Research and Development Program of China (No.2021YFB2601000)National Natural Science Foundation of China (Nos.52078049,52378431)+2 种基金Fundamental Research Funds for the Central Universities,CHD (Nos.300102210302,300102210118)the 111 Proj-ect of Sustainable Transportation for Urban Agglomeration in Western China (No.B20035)Natural Science Foundation of Shaanxi Province of China (No.S2022-JM-193).
文摘Road transportation plays a crucial role in society and daily life,as the functioning and durability of roads can significantly impact a nation's economic development.In the whole life cycle of the road,the emergence of disease is unavoidable,so it is necessary to adopt relevant technical means to deal with the disease.This study comprehensively reviews the advancements in computer vision,artificial intelligence,and mobile robotics in the road domain and examines their progress and applications in road detection,diagnosis,and treatment,especially asphalt roads.Specifically,it analyzes the research progress in detecting and diagnosing surface and internal road distress and related techniques and algorithms are compared.In addition,also introduces various road gover-nance technologies,including automated repairs,intelligent construction,and path planning for crack sealing.Despite their proven effectiveness in detecting road distress,analyzing diagnoses,and planning maintenance,these technologies still confront challenges in data collection,parameter optimization,model portability,system accuracy,robustness,and real-time performance.Consequently,the integration of multidisciplinary technologies is imperative to enable the development of an integrated approach that includes road detection,diagnosis,and treatment.This paper addresses the challenges of precise defect detection,condition assessment,and unmanned construction.At the same time,the efficiency of labor liberation and road maintenance is achieved,and the automation level of the road engineering industry is improved.
基金supported in part by the National Natural Science Foundation of China (Grant No. 61901052)in part by the 111 project (Grant No. B17007)in part by the Director Funds of Beijing Key Laboratory of Network System Architecture and Convergence (Grant No. 2017BKL-NSACZJ-02)。
文摘In recent years, artificial intelligence and automotive industry have developed rapidly, and autonomous driving has gradually become the focus of the industry. In road networks, the problem of proximity detection refers to detecting whether two moving objects are close to each other or not in real time. However, the battery life and computing capability of mobile devices are limited in the actual scene,which results in high latency and energy consumption. Therefore, it is a tough problem to determine the proximity relationship between mobile users with low latency and energy consumption. In this article, we aim at finding a tradeoff between latency and energy consumption. We formalize the computation offloading problem base on mobile edge computing(MEC)into a constrained multiobjective optimization problem(CMOP) and utilize NSGA-II to solve it. The simulation results demonstrate that NSGA-II can find the Pareto set, which reduces the latency and energy consumption effectively. In addition, a large number of solutions provided by the Pareto set give us more choices of the offloading decision according to the actual situation.
基金the National Natural Science Foundation of China(Nos.U1764264 and 61873165)the Shanghai Automotive Industry Science and Technology Development Foundation(No.1807)。
文摘Road marking detection is an important branch in autonomous driving,understanding the road information.In recent years,deep-learning-based semantic segmentation methods for road marking detection have been arising since they can generalize detection result well under complicated environments and hold rich pixel-level semantic information.Nevertheless,the previous methods mostly study the training process of the segmentation network,while omitting the time cost of manually annotating pixel-level data.Besides,the pixel-level semantic segmentation results need to be fitted into more reliable and compact models so that geometrical information of road markings can be explicitly obtained.In order to tackle the above problems,this paper describes a semantic segmentation-based road marking detection method using around view monitoring system.A semiautomatic semantic annotation platform is developed,which exploits an auxiliary segmentation graph to speed up the annotation process while guaranteeing the annotation accuracy.A segmentation-based detection module is also described,which models the semantic segmentation results for the more robust and compact analysis.The proposed detection module is composed of three parts:vote-based segmentation fusion filtering,graph-based road marking clustering,and road-marking fitting.Experiments under various scenarios show that the semantic segmentation-based detection method can achieve accurate,robust,and real-time detection performance.
基金Project(2009AA11Z220)supported by the National High Technology Research and Development Program of China
文摘Video processing is one challenge in collecting vehicle trajectories from unmanned aerial vehicle(UAV) and road boundary estimation is one way to improve the video processing algorithms. However, current methods do not work well for low volume road, which is not well-marked and with noises such as vehicle tracks. A fusion-based method termed Dempster-Shafer-based road detection(DSRD) is proposed to address this issue. This method detects road boundary by combining multiple information sources using Dempster-Shafer theory(DST). In order to test the performance of the proposed method, two field experiments were conducted, one of which was on a highway partially covered by snow and another was on a dense traffic highway. The results show that DSRD is robust and accurate, whose detection rates are 100% and 99.8% compared with manual detection results. Then, DSRD is adopted to improve UAV video processing algorithm, and the vehicle detection and tracking rate are improved by 2.7% and 5.5%,respectively. Also, the computation time has decreased by 5% and 8.3% for two experiments, respectively.
基金jointly supported by the National Natural Science Foundation of China(No.52308332)the China Postdoctoral Science Foundation(Grant No.2022M712787).
文摘The traditional You Only Look Once(YOLO)series network models often fail to extract satisfactory features for road detection,due to the limited number of defect images in the dataset.Additionally,most open-source road crack datasets contain idealized cracks that are not suitable for detecting early-stage pavement cracks with fine widths and subtle features.To address these issues,this study collected a large number of original road surface images using road detection vehicles.A large-capacity crack dataset was then constructed,with various shapes of cracks categorized as either cracks or fractures.To improve the training performance of the YOLOv5 algorithm,which showed unsatisfactory results on the original dataset,this study used median filtering to preprocess the crack images.The preprocessed images were combined to form the training set.Moreover,the Coordinate Attention(CA)attention module was integrated to further enhance the model’s training performance.The final detection model achieved a recognition accuracy of 88.9%and a recall rate of 86.1%for detecting cracks.These findings demonstrate that the use of image preprocessing technology and the introduction of the CA attention mechanism can effectively detect early-stage pavement cracks that have low contrast with the background.
文摘Timely detection and elimination of damage in areas with excessive vehicle loading can reduce the risk of road accidents.Currently,various methods of photo and video surveillance are used to monitor the condition of the road surface.The manual approach to evaluation and analysis of the received data can take a protracted period of time.Thus,it is necessary to improve the procedures for inspection and assessment of the condition of control objects with the help of computer vision and deep learning techniques.In this paper,we propose a model based on Mask Region-based Convolutional Neural Network(Mask R-CNN)architecture for identifying defects of the road surface in the real-time mode.It shows the process of collecting and the features of the training samples and the deep neural network(DNN)training process,taking into account the specifics of the problems posed.For the software implementation of the proposed architecture,the Python programming language and the TensorFlow framework were utilized.The use of the proposed model is effective even in conditions of a limited amount of source data.Also as a result of experiments,a high degree of repeatability of the results was noted.According to the metrics,Mask R-CNN gave the high detection and segmentation results showing 0.9214,0.9876,0.9571 precision,recall,and F1-score respectively in road damage detection,and Intersection over Union(IoU)-0.3488 and Dice similarity coefficient-0.7381 in segmentation of road damages.
基金supported by the Natural Science Foundation of China(No.U1811463,41975165)the National Key Research Program of China(No.2018YFB1601100)+1 种基金the Science Foundation Project of Guangdong(No.2019A1515010812)the Natural Science Research Start-up Foundation of Recruiting Talents of Nanjing University of Posts and Telecommunications(No.NY221125).
文摘Estimating intercity vehicle emissions precisely would benefit collaborative control in multiple cities.Considering the variability of emissions caused by vehicles,roads,and traffic,the 24-hour change characteristics of air pollutants(CO,HC,NO_(X),PM_(2.5))on the intercity road network of Guangdong Province by vehicle categories and road links were revealed based on vehicle identity detection data in real-life traffic for each hour in July 2018.The results showed that the spatial diversity of emissions caused by the unbalanced economywas obvious.The vehicle emissions in the Pearl River Delta region(PRD)with a higher economic level were approximately 1–2 times those in the non-Pearl RiverDelta region(non-PRD).Provincial roads with high loads became potential sources of high emissions.Therefore,emission control policies must emphasize the PRD and key roads by travel guidance to achieve greater reduction.Gasoline passenger cars with a large proportion of traffic dominated morning and evening peaks in the 24-hour period and were the dominant contributors to CO and HC emissions,contributing more than 50%in the daytime(7:00–23:00)and higher than 26%at night(0:00–6:00).Diesel trucks made up 10%of traffic,but were the dominant player at night,contributed 50%–90%to NO_(X) and PM_(2.5) emissions,with amarked 24-hour change rule of more than 80%at night(23:00–5:00)and less than 60%during daytime.Therefore,targeted control measures by time-section should be set up on collaborative control.These findings provide time-varying decision support for variable vehicle emission control on a large scale.
基金supported by the National Natural Science Foundation of China(61170147)Scientific Research Project of Zhejiang Provincial Department of Education in China(Y202146796)+2 种基金Natural Science Foundation of Zhejiang Province in China(LTY22F020003)Wenzhou Major Scientific and Technological Innovation Project of China(ZG2021029)Scientific and Technological Projects of Henan Province in China(202102210172).
文摘Integrating Tiny Machine Learning(TinyML)with edge computing in remotely sensed images enhances the capabilities of road anomaly detection on a broader level.Constrained devices efficiently implement a Binary Neural Network(BNN)for road feature extraction,utilizing quantization and compression through a pruning strategy.The modifications resulted in a 28-fold decrease in memory usage and a 25%enhancement in inference speed while only experiencing a 2.5%decrease in accuracy.It showcases its superiority over conventional detection algorithms in different road image scenarios.Although constrained by computer resources and training datasets,our results indicate opportunities for future research,demonstrating that quantization and focused optimization can significantly improve machine learning models’accuracy and operational efficiency.ARM Cortex-M0 gives practical feasibility and substantial benefits while deploying our optimized BNN model on this low-power device:Advanced machine learning in edge computing.The analysis work delves into the educational significance of TinyML and its essential function in analyzing road networks using remote sensing,suggesting ways to improve smart city frameworks in road network assessment,traffic management,and autonomous vehicle navigation systems by emphasizing the importance of new technologies for maintaining and safeguarding road networks.