期刊文献+
共找到337篇文章
< 1 2 17 >
每页显示 20 50 100
A Hybrid Feature Fusion Traffic Sign Detection Algorithm Based on YOLOv7
1
作者 Bingyi Ren Juwei Zhang Tong Wang 《Computers, Materials & Continua》 SCIE EI 2024年第7期1425-1440,共16页
Autonomous driving technology has entered a period of rapid development,and traffic sign detection is one of the important tasks.Existing target detection networks are difficult to adapt to scenarios where target size... Autonomous driving technology has entered a period of rapid development,and traffic sign detection is one of the important tasks.Existing target detection networks are difficult to adapt to scenarios where target sizes are seriously imbalanced,and traffic sign targets are small and have unclear features,which makes detection more difficult.Therefore,we propose aHybrid Feature Fusion Traffic Sign detection algorithmbased onYOLOv7(HFFTYOLO).First,a self-attention mechanism is incorporated at the end of the backbone network to calculate feature interactions within scales;Secondly,the cross-scale fusion part of the neck introduces a bottom-up multi-path fusion method.Design reuse paths at the end of the neck,paying particular attention to cross-scale fusion of highlevel features.In addition,we found the appropriate channel width through a lot of experiments and reduced the superfluous parameters.In terms of training,a newregression lossCMPDIoUis proposed,which not only considers the problem of loss degradation when the aspect ratio is the same but the width and height are different,but also enables the penalty term to dynamically change at different scales.Finally,our proposed improved method shows excellent results on the TT100K dataset.Compared with the baseline model,without increasing the number of parameters and computational complexity,AP0.5 and AP increased by 2.2%and 2.7%,respectively,reaching 92.9%and 58.1%. 展开更多
关键词 small target detection YOLOv7 traffic sign detection regression loss
下载PDF
Traffic Sign Detection Model Based on Improved RT-DETR
2
作者 WANG Yong-kang SI Zhan-jun 《印刷与数字媒体技术研究》 CAS 北大核心 2024年第4期97-106,178,共11页
The correct identification of traffic signs plays an important role in automatic driving technology and road safety driving.Therefore,to address the problems of misdetection and omission in traffic sign detection due ... The correct identification of traffic signs plays an important role in automatic driving technology and road safety driving.Therefore,to address the problems of misdetection and omission in traffic sign detection due to the variety of sign types,significant size differences and complex background information,an improved traffic sign detection model for RT-DETR was proposed in this study.Firstly,the HiLo attention mechanism was added to the Attention-based Intra-scale Feature Interaction,which further enhanced the feature extraction capability of the network and improved the detection efficiency on high-resolution images.Secondly,the CAFMFusion feature fusion mechanism was designed,which enabled the network to pay attention to the features in different regions in each channel.Based on this,the model could better capture the remote dependencies and neighborhood feature correlation,improving the feature fusion capability of the model.Finally,the MPDIoU was used as the loss function of the improved model to achieve faster convergence and more accurate regression results.The experimental results on the TT100k-2021 traffic sign dataset showed that the improved model achieves the performance with a precision value of 90.2%,recall value of 88.1%and mAP@0.5 value of 91.6%,which are 4.6%,5.8%,and 4.4%better than the original RT-DETR model respectively.The model effectively improves the problem of poor traffic sign detection and has greater practical value. 展开更多
关键词 Object detection traffic signs RT-DETR CAFMFusion
下载PDF
Network Intrusion Traffic Detection Based on Feature Extraction 被引量:1
3
作者 Xuecheng Yu Yan Huang +2 位作者 Yu Zhang Mingyang Song Zhenhong Jia 《Computers, Materials & Continua》 SCIE EI 2024年第1期473-492,共20页
With the increasing dimensionality of network traffic,extracting effective traffic features and improving the identification accuracy of different intrusion traffic have become critical in intrusion detection systems(... With the increasing dimensionality of network traffic,extracting effective traffic features and improving the identification accuracy of different intrusion traffic have become critical in intrusion detection systems(IDS).However,both unsupervised and semisupervised anomalous traffic detection methods suffer from the drawback of ignoring potential correlations between features,resulting in an analysis that is not an optimal set.Therefore,in order to extract more representative traffic features as well as to improve the accuracy of traffic identification,this paper proposes a feature dimensionality reduction method combining principal component analysis and Hotelling’s T^(2) and a multilayer convolutional bidirectional long short-term memory(MSC_BiLSTM)classifier model for network traffic intrusion detection.This method reduces the parameters and redundancy of the model by feature extraction and extracts the dependent features between the data by a bidirectional long short-term memory(BiLSTM)network,which fully considers the influence between the before and after features.The network traffic is first characteristically downscaled by principal component analysis(PCA),and then the downscaled principal components are used as input to Hotelling’s T^(2) to compare the differences between groups.For datasets with outliers,Hotelling’s T^(2) can help identify the groups where the outliers are located and quantitatively measure the extent of the outliers.Finally,a multilayer convolutional neural network and a BiLSTM network are used to extract the spatial and temporal features of network traffic data.The empirical consequences exhibit that the suggested approach in this manuscript attains superior outcomes in precision,recall and F1-score juxtaposed with the prevailing techniques.The results show that the intrusion detection accuracy,precision,and F1-score of the proposed MSC_BiLSTM model for the CIC-IDS 2017 dataset are 98.71%,95.97%,and 90.22%. 展开更多
关键词 Network intrusion traffic detection PCA Hotelling’s T^(2) BiLsTM
下载PDF
C2Net-YOLOv5: A Bidirectional Res2Net-Based Traffic Sign Detection Algorithm 被引量:2
4
作者 Xiujuan Wang Yiqi Tian +1 位作者 Kangfeng Zheng Chutong Liu 《Computers, Materials & Continua》 SCIE EI 2023年第11期1949-1965,共17页
Rapid advancement of intelligent transportation systems(ITS)and autonomous driving(AD)have shown the importance of accurate and efficient detection of traffic signs.However,certain drawbacks,such as balancing accuracy... Rapid advancement of intelligent transportation systems(ITS)and autonomous driving(AD)have shown the importance of accurate and efficient detection of traffic signs.However,certain drawbacks,such as balancing accuracy and real-time performance,hinder the deployment of traffic sign detection algorithms in ITS and AD domains.In this study,a novel traffic sign detection algorithm was proposed based on the bidirectional Res2Net architecture to achieve an improved balance between accuracy and speed.An enhanced backbone network module,called C2Net,which uses an upgraded bidirectional Res2Net,was introduced to mitigate information loss in the feature extraction process and to achieve information complementarity.Furthermore,a squeeze-and-excitation attention mechanism was incorporated within the channel attention of the architecture to perform channel-level feature correction on the input feature map,which effectively retains valuable features while removing non-essential features.A series of ablation experiments were conducted to validate the efficacy of the proposed methodology.The performance was evaluated using two distinct datasets:the Tsinghua-Tencent 100K and the CSUST Chinese traffic sign detection benchmark 2021.On the TT100K dataset,the method achieves precision,recall,and Map0.5 scores of 83.3%,79.3%,and 84.2%,respectively.Similarly,on the CCTSDB 2021 dataset,the method achieves precision,recall,and Map0.5 scores of 91.49%,73.79%,and 81.03%,respectively.Experimental results revealed that the proposed method had superior performance compared to conventional models,which includes the faster region-based convolutional neural network,single shot multibox detector,and you only look once version 5. 展开更多
关键词 Target detection traffic sign detection autonomous driving YOLOv5
下载PDF
Research on Traffic Sign Detection Based on Improved YOLOv8 被引量:3
5
作者 Zhongjie Huang Lintao Li +1 位作者 Gerd Christian Krizek Linhao Sun 《Journal of Computer and Communications》 2023年第7期226-232,共7页
Aiming at solving the problem of missed detection and low accuracy in detecting traffic signs in the wild, an improved method of YOLOv8 is proposed. Firstly, combined with the characteristics of small target objects i... Aiming at solving the problem of missed detection and low accuracy in detecting traffic signs in the wild, an improved method of YOLOv8 is proposed. Firstly, combined with the characteristics of small target objects in the actual scene, this paper further adds blur and noise operation. Then, the asymptotic feature pyramid network (AFPN) is introduced to highlight the influence of key layer features after feature fusion, and simultaneously solve the direct interaction of non-adjacent layers. Experimental results on the TT100K dataset show that compared with the YOLOv8, the detection accuracy and recall are higher. . 展开更多
关键词 traffic sign detection small Object detection YOLOv8 Feature Fusion
下载PDF
Traffic Sign Detection with Low Complexity for Intelligent Vehicles Based on Hybrid Features
6
作者 Sara Khalid Jamal Hussain Shah +2 位作者 Muhammad Sharif Muhammad Rafiq Gyu Sang Choi 《Computers, Materials & Continua》 SCIE EI 2023年第7期861-879,共19页
Globally traffic signs are used by all countries for healthier traffic flow and to protect drivers and pedestrians.Consequently,traffic signs have been of great importance for every civilized country,which makes resea... Globally traffic signs are used by all countries for healthier traffic flow and to protect drivers and pedestrians.Consequently,traffic signs have been of great importance for every civilized country,which makes researchers give more focus on the automatic detection of traffic signs.Detecting these traffic signs is challenging due to being in the dark,far away,partially occluded,and affected by the lighting or the presence of similar objects.An innovative traffic sign detection method for red and blue signs in color images is proposed to resolve these issues.This technique aimed to devise an efficient,robust and accurate approach.To attain this,initially,the approach presented a new formula,inspired by existing work,to enhance the image using red and green channels instead of blue,which segmented using a threshold calculated from the correlational property of the image.Next,a new set of features is proposed,motivated by existing features.Texture and color features are fused after getting extracted on the channel of Red,Green,and Blue(RGB),Hue,Saturation,and Value(HSV),and YCbCr color models of images.Later,the set of features is employed on different classification frameworks,from which quadratic support vector machine(SVM)outnumbered the others with an accuracy of 98.5%.The proposed method is tested on German Traffic Sign Detection Benchmark(GTSDB)images.The results are satisfactory when compared to the preceding work. 展开更多
关键词 traffic sign detection intelligent systems COMPLEXITY VEHICLEs color moments texture features
下载PDF
A Deep Learning Model of Traffic Signs in Panoramic Images Detection
7
作者 Kha Tu Huynh Thi Phuong Linh Le +1 位作者 Muhammad Arif Thien Khai Tran 《Intelligent Automation & Soft Computing》 SCIE 2023年第7期401-418,共18页
To pursue the ideal of a safe high-tech society in a time when traffic accidents are frequent,the traffic signs detection system has become one of the necessary topics in recent years and in the future.The ultimate go... To pursue the ideal of a safe high-tech society in a time when traffic accidents are frequent,the traffic signs detection system has become one of the necessary topics in recent years and in the future.The ultimate goal of this research is to identify and classify the types of traffic signs in a panoramic image.To accomplish this goal,the paper proposes a new model for traffic sign detection based on the Convolutional Neural Network for com-prehensive traffic sign classification and Mask Region-based Convolutional Neural Networks(R-CNN)implementation for identifying and extracting signs in panoramic images.Data augmentation and normalization of the images are also applied to assist in classifying better even if old traffic signs are degraded,and considerably minimize the rates of discovering the extra boxes.The proposed model is tested on both the testing dataset and the actual images and gets 94.5%of the correct signs recognition rate,the classification rate of those signs discovered was 99.41%and the rate of false signs was only around 0.11. 展开更多
关键词 Deep learning convolutional neural network Mask R-CNN traffic signs detection
下载PDF
A YOLOv8-CE-based real-time traffic sign detection and identification method for autonomous vehicles
8
作者 Yuechen Luo Yusheng Ci +1 位作者 Hexin Zhang Lina Wu 《Digital Transportation and Safety》 2024年第3期82-91,共10页
Traffic sign detection in real scenarios is challenging due to their complexity and small size,often preventing existing deep learning models from achieving both high accuracy and real-time performance.An improved YOL... Traffic sign detection in real scenarios is challenging due to their complexity and small size,often preventing existing deep learning models from achieving both high accuracy and real-time performance.An improved YOLOv8 model for traffic sign detection is proposed.Firstly,by adding Coordinate Attention(CA)to the Backbone,the model gains location information,improving detection accuracy.Secondly,we also introduce EIoU to the localization function to address the ambiguity in aspect ratio descriptions by calculating the width-height difference based on CIoU.Additionally,Focal Loss is incorporated to balance sample difficulty,enhancing regression accuracy.Finally,the model,YOLOv8-CE(YOLOv8-Coordinate Attention-EIoU),is tested on the Jetson Nano,achieving real-time street scene detection and outperforming the Raspberry Pi 4B.Experimental results show that YOLOv8-CE excels in various complex scenarios,improving mAP by 2.8%over the original YOLOv8.The model size and computational effort remain similar,with the Jetson Nano achieving an inference time of 96 ms,significantly faster than the Raspberry Pi 4B. 展开更多
关键词 YOLOv8-CE-based Real-time traffic signs detection
下载PDF
New method for recognition of circular traffic sign based on radial symmetry and pseudo-zernike moments 被引量:1
9
作者 付梦印 黄源水 马宏宾 《Journal of Beijing Institute of Technology》 EI CAS 2011年第4期520-526,共7页
Recognizing various traffic signs,especially the popular circular traffic signs,is an essential task for implementing advanced driver assistance system.To recognize circular traffic signs with high accuracy and robust... Recognizing various traffic signs,especially the popular circular traffic signs,is an essential task for implementing advanced driver assistance system.To recognize circular traffic signs with high accuracy and robustness,a novel approach which uses the so-called improved constrained binary fast radial symmetry(ICBFRS) detector and pseudo-zernike moments based support vector machine(PZM-SVM) classifier is proposed.In the detection stage,the scene image containing the traffic signs will be converted into Lab color space for color segmentation.Then the ICBFRS detector can efficiently capture the position and scale of sign candidates within the scene by detecting the centers of circles.In the classification stage,once the candidates are cropped out of the image,pseudo-zernike moments are adopted to represent the features of extracted pictogram,which are then fed into a support vector machine to classify different traffic signs.Experimental results under different lighting conditions indicate that the proposed method has robust detection effect and high classification accuracy. 展开更多
关键词 traffic sign recognition circle detection fast radial symmetry detector pseudo-zernike moments support vector machine
下载PDF
Traffic Sign Recognition for Autonomous Vehicle Using Optimized YOLOv7 and Convolutional Block Attention Module 被引量:1
10
作者 P.Kuppusamy M.Sanjay +1 位作者 P.V.Deepashree C.Iwendi 《Computers, Materials & Continua》 SCIE EI 2023年第10期445-466,共22页
The infrastructure and construction of roads are crucial for the economic and social development of a region,but traffic-related challenges like accidents and congestion persist.Artificial Intelligence(AI)and Machine ... The infrastructure and construction of roads are crucial for the economic and social development of a region,but traffic-related challenges like accidents and congestion persist.Artificial Intelligence(AI)and Machine Learning(ML)have been used in road infrastructure and construction,particularly with the Internet of Things(IoT)devices.Object detection in Computer Vision also plays a key role in improving road infrastructure and addressing trafficrelated problems.This study aims to use You Only Look Once version 7(YOLOv7),Convolutional Block Attention Module(CBAM),the most optimized object-detection algorithm,to detect and identify traffic signs,and analyze effective combinations of adaptive optimizers like Adaptive Moment estimation(Adam),Root Mean Squared Propagation(RMSprop)and Stochastic Gradient Descent(SGD)with the YOLOv7.Using a portion of German traffic signs for training,the study investigates the feasibility of adopting smaller datasets while maintaining high accuracy.The model proposed in this study not only improves traffic safety by detecting traffic signs but also has the potential to contribute to the rapid development of autonomous vehicle systems.The study results showed an impressive accuracy of 99.7%when using a batch size of 8 and the Adam optimizer.This high level of accuracy demonstrates the effectiveness of the proposed model for the image classification task of traffic sign recognition. 展开更多
关键词 Object detection traffic sign detection YOLOv7 convolutional block attention module road sign detection ADAM
下载PDF
Resource Efficient Hardware Implementation for Real-Time Traffic Sign Recognition
11
作者 Huai-Mao Weng Ching-Te Chiu 《Journal of Transportation Technologies》 2018年第3期209-231,共23页
Traffic sign recognition (TSR, or Road Sign Recognition, RSR) is one of the Advanced Driver Assistance System (ADAS) devices in modern cars. To concern the most important issues, which are real-time and resource effic... Traffic sign recognition (TSR, or Road Sign Recognition, RSR) is one of the Advanced Driver Assistance System (ADAS) devices in modern cars. To concern the most important issues, which are real-time and resource efficiency, we propose a high efficiency hardware implementation for TSR. We divide the TSR procedure into two stages, detection and recognition. In the detection stage, under the assumption that most German traffic signs have red or blue colors with circle, triangle or rectangle shapes, we use Normalized RGB color transform and Single-Pass Connected Component Labeling (CCL) to find the potential traffic signs efficiently. For Single-Pass CCL, our contribution is to eliminate the “merge-stack” operations by recording connected relations of region in the scan phase and updating the labels in the iterating phase. In the recognition stage, the Histogram of Oriented Gradient (HOG) is used to generate the descriptor of the signs, and we classify the signs with Support Vector Machine (SVM). In the HOG module, we analyze the required minimum bits under different recognition rate. The proposed method achieves 96.61% detection rate and 90.85% recognition rate while testing with the GTSDB dataset. Our hardware implementation reduces the storage of CCL and simplifies the HOG computation. Main CCL storage size is reduced by 20% comparing to the most advanced design under typical condition. By using TSMC 90 nm technology, the proposed design operates at 105 MHz clock rate and processes in 135 fps with the image size of 1360 × 800. The chip size is about 1 mm2 and the power consumption is close to 8 mW. Therefore, this work is resource efficient and achieves real-time requirement. 展开更多
关键词 traffic sign Recognition Advanced Driver AssIsTANCE system REAL-TIME Processing Color segmentation Connected Component Analysis Histo-gram of Oriented Gradient support Vector Machine German traffic sign detection BENCHMARK CMOs AsIC VLsI
下载PDF
LLTH‑YOLOv5:A Real‑Time Traffic Sign Detection Algorithm for Low‑Light Scenes
12
作者 Xiaoqiang Sun Kuankuan Liu +2 位作者 Long Chen Yingfeng Cai Hai Wang 《Automotive Innovation》 EI CSCD 2024年第1期121-137,共17页
Traffic sign detection is a crucial task for autonomous driving systems.However,the performance of deep learning-based algorithms for traffic sign detection is highly affected by the illumination conditions of scenari... Traffic sign detection is a crucial task for autonomous driving systems.However,the performance of deep learning-based algorithms for traffic sign detection is highly affected by the illumination conditions of scenarios.While existing algo-rithms demonstrate high accuracy in well-lit environments,they suffer from low accuracy in low-light scenarios.This paper proposes an end-to-end framework,LLTH-YOLOv5,specifically tailored for traffic sign detection in low-light scenarios,which enhances the input images to improve the detection performance.The proposed framework comproses two stages:the low-light enhancement stage and the object detection stage.In the low-light enhancement stage,a lightweight low-light enhancement network is designed,which uses multiple non-reference loss functions for parameter learning,and enhances the image by pixel-level adjustment of the input image with high-order curves.In the object detection stage,BIFPN is introduced to replace the PANet of YOLOv5,while designing a transformer-based detection head to improve the accuracy of small target detection.Moreover,GhostDarkNet53 is utilized based on Ghost module to replace the backbone network of YOLOv5,thereby improving the real-time performance of the model.The experimental results show that the proposed method significantly improves the accuracy of traffic sign detection in low-light scenarios,while satisfying the real-time requirements of autonomous driving. 展开更多
关键词 Deep learning traffic sign detection Low-light enhancement YOLOv5 Object detection
原文传递
基于Transformer的交通标志检测模型研究 被引量:1
13
作者 严丽平 张文剥 +3 位作者 宋凯 蔡彧 王静 徐嘉悦 《华东交通大学学报》 2024年第1期61-69,共9页
【目的】为了解决在复杂环境下,对小目标特征困难以及对小目标检测效果不佳等问题,提出了一种基于Transformer的交通标志检测基干模型。【方法】通过充分利用卷积和Transformer的优势,构建了一种注意力融合的多尺度特征提取基干模型,能... 【目的】为了解决在复杂环境下,对小目标特征困难以及对小目标检测效果不佳等问题,提出了一种基于Transformer的交通标志检测基干模型。【方法】通过充分利用卷积和Transformer的优势,构建了一种注意力融合的多尺度特征提取基干模型,能够使基干网络以全局上下文信息为支撑,有选择地增强有用信息的特征,并抑制不重要的特征。此外,为了在增强特征融合的同时防止网络退化,还加入了类池连接。最后,在TT100K数据集上进行实验。【结果】实验结果表明,以该模型为骨干的元体系结构取得了最高84%的mAP,与基线模型相比m AP最大提升约7%。【结论】模型在提高特征提取效果的同时,也为交通标志检测提供了一种新的思路。 展开更多
关键词 交通标志检测 自动驾驶 TRANsFORMER 注意力融合
下载PDF
基于轻量化SSD的交通标志检测算法 被引量:1
14
作者 张刚 王运明 彭超亮 《实验技术与管理》 CAS 北大核心 2024年第1期63-69,共7页
实时精确的交通标志检测是自动驾驶和智能交通的关键技术。针对现有智能检测算法检测复杂真实道路场景下的交通标志速度慢、无法较好地适用于嵌入式终端设备的问题,提出了一种基于轻量化SSD的交通标识检测算法。该算法采用MobileNetV3_l... 实时精确的交通标志检测是自动驾驶和智能交通的关键技术。针对现有智能检测算法检测复杂真实道路场景下的交通标志速度慢、无法较好地适用于嵌入式终端设备的问题,提出了一种基于轻量化SSD的交通标识检测算法。该算法采用MobileNetV3_large网络替代VGG16网络,可减少模型参数,提高检测实时性;利用添加SE模块的逆残差结构B-neck替换对应的标准卷积增强低层特征层的语义信息;设计改进RFB网络提升小交通标志的检测能力,重新设置预设先验框的尺寸,提升模型对特定数据集的检测能力。实验结果表明,改进SSD算法在中国交通标志检测数据集上的mAP值可达89.04%,比MobileNet-SSD算法提高了5.26%;帧率可达60 frames/s,比SSD算法提高了23 frames/s。所提算法具有较高的实时性和检测精度,对复杂交通环境具有更好的鲁棒性。 展开更多
关键词 交通标志检测 ssD MobileNetV3_large 逆残差结构 RFB 先验框
下载PDF
基于轻量化YOLOv8s交通标志的检测 被引量:4
15
作者 朱强军 胡斌 +1 位作者 汪慧兰 王杨 《图学学报》 CSCD 北大核心 2024年第3期422-432,共11页
为了提高交通标志检测的实时性和可行性,提出了一种基于YOLOv8s的轻量化交通标志检测模型。首先,用FasterNet中的残差模块FasterNetBlock替换C2f模块中的BottleNeck,降低模型参数量和计算量;其次,用一种小目标检测层去替换大目标检测层... 为了提高交通标志检测的实时性和可行性,提出了一种基于YOLOv8s的轻量化交通标志检测模型。首先,用FasterNet中的残差模块FasterNetBlock替换C2f模块中的BottleNeck,降低模型参数量和计算量;其次,用一种小目标检测层去替换大目标检测层,降低Backbone中网络层数,实现大幅度提高检测速度和降低参数量;最后,用Wise-IOU替换原CIOU损失函数,提高速度和精度。在TT100K交通标志数据集上验证,其与YOLOv8s模型比较,mAP50提高了5.16%,参数量降低了76.48%,计算量降低了13.33%,FPS快了35.83%。与其他模型相比,mAP50平均提高了15.11%,参数量平均降低了85.74%,计算量平均下降了46.23%,FPS平均提高了31.49%。该模型具有检测精度高、参数量少、计算量低、速度快等优点,较原算法有很大地提升,且与其他先进的交通标志检测模型比较时表现出了很强的竞争力,在交通标志检测中具有较大优势。 展开更多
关键词 轻量化 YOLOv8s 改进小目标层 交通标志检测 Wise-IOU TT100K
下载PDF
基于YOLOv5s优化模型的道路交通标志异常状态检测
16
作者 陈子昂 郭唐仪 +2 位作者 隋立岩 周洋 陈新 《公路交通科技》 CAS CSCD 北大核心 2024年第10期8-16,共9页
道路交通标志的遮挡、磨损等异常,对交通安全和通行效率造成很大的影响。针对目前道路交通标志异常状态检测实践中存在的检测误差高、模型大而难嵌入设备终端等问题,提出了一种基于YOLOv5s优化的目标检测轻量化模型。提出的YOLOv5s优化... 道路交通标志的遮挡、磨损等异常,对交通安全和通行效率造成很大的影响。针对目前道路交通标志异常状态检测实践中存在的检测误差高、模型大而难嵌入设备终端等问题,提出了一种基于YOLOv5s优化的目标检测轻量化模型。提出的YOLOv5s优化模型内容包括:以MobileNetv3网络来替换模型主干网络,减小模型的大小;以BiFPN网络替换原生的PANet网络,减少冗余计算,提高模型特征融合的能力;以CBAM轻量级注意力机制代替MobileNetv3的SENet注意力机制模块,提升模型准确性;引入焦点损失函数,改善正负样本数量失衡影响。以南京、淮安获取的交通标志异常状态图片为基础数据,运用图像处理方法将原始的数据集进行扩充,共获取到了2 511张标志遮挡异常状态的图片和2 615张标志磨损异常状态的图片。运用该模型检测道路交通标志遮挡和磨损等异常,采用Adam优化器训练至模型收敛。结果表明,模型的mAP达到90.5%,精确度为91.28%,召回率为90.32%,F1分数为0.9,检测速度达到52帧/s。与原YOLOv5s模型相比,模型大小仅为其1/2,且精确度、F1分数、检测速度分别提高了3.84%,0.03,3.84帧/s。结果表明,提出的基于YOLOv5s优化的目标检测模型,在提高检测准确率的同时还能够满足轻量化的需求,能较好嵌入智能养护移动端,实现对于道路交通标志异常状态的智能化检测。 展开更多
关键词 智能交通 异常检测 YOLOv5s 交通标志 轻量化
下载PDF
改进YOLOv5-S的交通标志检测算法 被引量:3
17
作者 刘海斌 张友兵 +2 位作者 周奎 张宇丰 吕圣 《计算机工程与应用》 CSCD 北大核心 2024年第5期200-209,共10页
在自动驾驶领域,现有的交通标志检测方法在检测复杂背景中的标志时存在着漏检或误检的问题,降低了智能汽车的可靠性。对此,提出了一种改进YOLOv5-S的实时交通标志检测算法。在特征提取网络中融合坐标注意力机制,通过构建目标的长范围依... 在自动驾驶领域,现有的交通标志检测方法在检测复杂背景中的标志时存在着漏检或误检的问题,降低了智能汽车的可靠性。对此,提出了一种改进YOLOv5-S的实时交通标志检测算法。在特征提取网络中融合坐标注意力机制,通过构建目标的长范围依赖来捕获物体的位置感知,使得算法聚焦于重点的特征区域;引入Focal-EIoU损失函数来取代CIoU,使其更关注高质量的分类样本,提高对难分类样本的学习能力,减少漏检或者误检的问题;在网络中融合轻量级卷积技术GSConv,降低模型的计算量。增加新的小目标检测层,通过更丰富的特征信息提高小尺寸标志的检测效果。实验结果表明,改进方法的mAP@0.5和mAP@0.5:0.95分别为88.1%和68.5%,检测速度达到了83 FPS,能够满足实时可靠的检测需求。 展开更多
关键词 交通标志检测 YOLOv5 坐标注意机制 Focal-EIoU GsConv
下载PDF
基于多注意力的改进YOLOv5s小目标检测算法 被引量:2
18
作者 马鸽 李洪伟 +2 位作者 严梓维 刘志杰 赵志甲 《工程科学学报》 EI CSCD 北大核心 2024年第9期1647-1658,共12页
交通标志识别应用中待检测目标多为小目标,因其携带信息少、定位精度要求高、易被环境噪声淹没等特点成为当前交通标志检测的难点.针对小目标交通标志漏检、误检、检测准确率低等问题,本文设计了一种用于小目标检测的STDYOLOv5s(Small t... 交通标志识别应用中待检测目标多为小目标,因其携带信息少、定位精度要求高、易被环境噪声淹没等特点成为当前交通标志检测的难点.针对小目标交通标志漏检、误检、检测准确率低等问题,本文设计了一种用于小目标检测的STDYOLOv5s(Small target detection YOLOv5s)模型.首先,通过增加上采样和Prediction输出层数获得了更丰富的位置信息,解决了YOLOv5s模型在处理小目标时信息不足的问题,增强了对图像的全局理解能力;其次,在每个C3模块之后添加CA(Coordinate attention)注意力机制并在每个输出层前添加Swin-T注意力机制模块,增加了网络对多层特征信息的捕捉,提高了小目标的检测性能;最后,充分利用SIoU惩罚函数同时考虑目标形状、空间关系的特点,更好地捕捉不同尺寸的目标在图像中的位置关系,提高目标位置的精确性.所提模型在TT100K数据集上进行了验证实验,实验结果表明本文方法不仅保持了YOLOv5s模型的轻量性和快速性,在精确率、召回率和平均精度三个指标上也有所提升,提高了小目标检测的精确性. 展开更多
关键词 小目标检测 交通标志识别 注意力机制 YOLOv5s 深度学习
下载PDF
基于改进YOLOv5s的交通标识检测算法 被引量:3
19
作者 李孟浩 袁三男 《南京信息工程大学学报(自然科学版)》 CAS 北大核心 2024年第1期11-19,共9页
针对交通标识在图像中占比小、检测精度低且周围环境复杂等问题,提出一种基于改进YOLOv5s的算法.首先,在主干网络部分添加注意力机制ECA(Efficient Channel Attention,高效通道注意力),增强网络的特征提取能力,有效解决了周围环境复杂... 针对交通标识在图像中占比小、检测精度低且周围环境复杂等问题,提出一种基于改进YOLOv5s的算法.首先,在主干网络部分添加注意力机制ECA(Efficient Channel Attention,高效通道注意力),增强网络的特征提取能力,有效解决了周围环境复杂的问题;其次,提出HASPP(Hybrid Atrous Spatial Pyramid Pooling,混合空洞空间金字塔池化),增强了网络结合上下文的能力;最后,修改网络中的Neck结构,使高层特征与底层特征有效融合,同时避免了跨卷积层造成的信息丢失.实验结果表明,改进后的算法在交通标识数据集上取得了94.4%的平均检测精度、74.1%的召回率以及94.0%的精确率,较原始算法分别提升了3.7、2.8、3.4个百分点. 展开更多
关键词 交通标识检测 小目标检测 YOLOv5s 注意力机制 特征提取 混合空洞空间金字塔池化
下载PDF
基于SWimAM设计的YOLOv5轻量化交通标志检测方法
20
作者 金忠文 葛动元 姚锡凡 《科学技术与工程》 北大核心 2024年第31期13475-13483,共9页
交通标志辅助识别技术在自动驾驶体系中越发重要,由于不同的硬件设备承载力不同,使模型更轻量化的同时保持性能不变或更好成为当下各单位和企业的研究方向之一。为了使模型更轻量化的同时提升模型识别效果和检测速度,提出一种基于SWimAM... 交通标志辅助识别技术在自动驾驶体系中越发重要,由于不同的硬件设备承载力不同,使模型更轻量化的同时保持性能不变或更好成为当下各单位和企业的研究方向之一。为了使模型更轻量化的同时提升模型识别效果和检测速度,提出一种基于SWimAM(a simple,parameter-free attention module add weight part for convolutional neural networks)设计YOLOv5(you only look once version 5)的轻量化交通标志检测方法。该方法基于SimAM机制加入可迭代学习权重改变内部权重的计算方式提出SWimAM模块,并将YOLOv5的backbone结构中的C3层替换成该模块,将head部分融合SE(squeeze-and-excitation networks)注意力机制的同时把损失函数替换为SIoU(soft intersection over union)强化了模型的检测精度减少了梯度的不稳定性。提出一种滤波拼接的数据增强方法扩充了TT100K交通标志数据集,解决了部分标签不均匀的问题。改进的YOLOv5s网络的在TT100K上识别平均精度提升2.5%、检测速度提升7.33%、计算复杂度下降3.07%、参数量下降9.27%。在中国交通标志检测数据集CCTSDB中和德国交通GTSDB数据集中平均精度分别达到94.9%和94.7%,验证了该模型具有良好的泛化性。 展开更多
关键词 交通标志检测 轻量化 泛化性 自适应权重 simAM sENet sIoU
下载PDF
上一页 1 2 17 下一页 到第
使用帮助 返回顶部