期刊文献+
共找到717篇文章
< 1 2 36 >
每页显示 20 50 100
Two-Layer Attention Feature Pyramid Network for Small Object Detection
1
作者 Sheng Xiang Junhao Ma +2 位作者 Qunli Shang Xianbao Wang Defu Chen 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第10期713-731,共19页
Effective small object detection is crucial in various applications including urban intelligent transportation and pedestrian detection.However,small objects are difficult to detect accurately because they contain les... Effective small object detection is crucial in various applications including urban intelligent transportation and pedestrian detection.However,small objects are difficult to detect accurately because they contain less information.Many current methods,particularly those based on Feature Pyramid Network(FPN),address this challenge by leveraging multi-scale feature fusion.However,existing FPN-based methods often suffer from inadequate feature fusion due to varying resolutions across different layers,leading to suboptimal small object detection.To address this problem,we propose the Two-layerAttention Feature Pyramid Network(TA-FPN),featuring two key modules:the Two-layer Attention Module(TAM)and the Small Object Detail Enhancement Module(SODEM).TAM uses the attention module to make the network more focused on the semantic information of the object and fuse it to the lower layer,so that each layer contains similar semantic information,to alleviate the problem of small object information being submerged due to semantic gaps between different layers.At the same time,SODEM is introduced to strengthen the local features of the object,suppress background noise,enhance the information details of the small object,and fuse the enhanced features to other feature layers to ensure that each layer is rich in small object information,to improve small object detection accuracy.Our extensive experiments on challenging datasets such as Microsoft Common Objects inContext(MSCOCO)and Pattern Analysis Statistical Modelling and Computational Learning,Visual Object Classes(PASCAL VOC)demonstrate the validity of the proposedmethod.Experimental results show a significant improvement in small object detection accuracy compared to state-of-theart detectors. 展开更多
关键词 small object detection two-layer attention module small object detail enhancement module feature pyramid network
下载PDF
Enhancing Dense Small Object Detection in UAV Images Based on Hybrid Transformer 被引量:1
2
作者 Changfeng Feng Chunping Wang +2 位作者 Dongdong Zhang Renke Kou Qiang Fu 《Computers, Materials & Continua》 SCIE EI 2024年第3期3993-4013,共21页
Transformer-based models have facilitated significant advances in object detection.However,their extensive computational consumption and suboptimal detection of dense small objects curtail their applicability in unman... Transformer-based models have facilitated significant advances in object detection.However,their extensive computational consumption and suboptimal detection of dense small objects curtail their applicability in unmanned aerial vehicle(UAV)imagery.Addressing these limitations,we propose a hybrid transformer-based detector,H-DETR,and enhance it for dense small objects,leading to an accurate and efficient model.Firstly,we introduce a hybrid transformer encoder,which integrates a convolutional neural network-based cross-scale fusion module with the original encoder to handle multi-scale feature sequences more efficiently.Furthermore,we propose two novel strategies to enhance detection performance without incurring additional inference computation.Query filter is designed to cope with the dense clustering inherent in drone-captured images by counteracting similar queries with a training-aware non-maximum suppression.Adversarial denoising learning is a novel enhancement method inspired by adversarial learning,which improves the detection of numerous small targets by counteracting the effects of artificial spatial and semantic noise.Extensive experiments on the VisDrone and UAVDT datasets substantiate the effectiveness of our approach,achieving a significant improvement in accuracy with a reduction in computational complexity.Our method achieves 31.9%and 21.1%AP on the VisDrone and UAVDT datasets,respectively,and has a faster inference speed,making it a competitive model in UAV image object detection. 展开更多
关键词 UAV images TRANSFORMER dense small object detection
下载PDF
CAW-YOLO:Cross-Layer Fusion and Weighted Receptive Field-Based YOLO for Small Object Detection in Remote Sensing
3
作者 Weiya Shi Shaowen Zhang Shiqiang Zhang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第6期3209-3231,共23页
In recent years,there has been extensive research on object detection methods applied to optical remote sensing images utilizing convolutional neural networks.Despite these efforts,the detection of small objects in re... In recent years,there has been extensive research on object detection methods applied to optical remote sensing images utilizing convolutional neural networks.Despite these efforts,the detection of small objects in remote sensing remains a formidable challenge.The deep network structure will bring about the loss of object features,resulting in the loss of object features and the near elimination of some subtle features associated with small objects in deep layers.Additionally,the features of small objects are susceptible to interference from background features contained within the image,leading to a decline in detection accuracy.Moreover,the sensitivity of small objects to the bounding box perturbation further increases the detection difficulty.In this paper,we introduce a novel approach,Cross-Layer Fusion and Weighted Receptive Field-based YOLO(CAW-YOLO),specifically designed for small object detection in remote sensing.To address feature loss in deep layers,we have devised a cross-layer attention fusion module.Background noise is effectively filtered through the incorporation of Bi-Level Routing Attention(BRA).To enhance the model’s capacity to perceive multi-scale objects,particularly small-scale objects,we introduce a weightedmulti-receptive field atrous spatial pyramid poolingmodule.Furthermore,wemitigate the sensitivity arising from bounding box perturbation by incorporating the joint Normalized Wasserstein Distance(NWD)and Efficient Intersection over Union(EIoU)losses.The efficacy of the proposedmodel in detecting small objects in remote sensing has been validated through experiments conducted on three publicly available datasets.The experimental results unequivocally demonstrate the model’s pronounced advantages in small object detection for remote sensing,surpassing the performance of current mainstream models. 展开更多
关键词 small object detection attention mechanism cross-layer fusion discrete cosine transform
下载PDF
MSC-YOLO:Improved YOLOv7 Based on Multi-Scale Spatial Context for Small Object Detection in UAV-View
4
作者 Xiangyan Tang Chengchun Ruan +2 位作者 Xiulai Li Binbin Li Cebin Fu 《Computers, Materials & Continua》 SCIE EI 2024年第4期983-1003,共21页
Accurately identifying small objects in high-resolution aerial images presents a complex and crucial task in thefield of small object detection on unmanned aerial vehicles(UAVs).This task is challenging due to variati... Accurately identifying small objects in high-resolution aerial images presents a complex and crucial task in thefield of small object detection on unmanned aerial vehicles(UAVs).This task is challenging due to variations inUAV flight altitude,differences in object scales,as well as factors like flight speed and motion blur.To enhancethe detection efficacy of small targets in drone aerial imagery,we propose an enhanced You Only Look Onceversion 7(YOLOv7)algorithm based on multi-scale spatial context.We build the MSC-YOLO model,whichincorporates an additional prediction head,denoted as P2,to improve adaptability for small objects.We replaceconventional downsampling with a Spatial-to-Depth Convolutional Combination(CSPDC)module to mitigatethe loss of intricate feature details related to small objects.Furthermore,we propose a Spatial Context Pyramidwith Multi-Scale Attention(SCPMA)module,which captures spatial and channel-dependent features of smalltargets acrossmultiple scales.This module enhances the perception of spatial contextual features and the utilizationof multiscale feature information.On the Visdrone2023 and UAVDT datasets,MSC-YOLO achieves remarkableresults,outperforming the baseline method YOLOv7 by 3.0%in terms ofmean average precision(mAP).The MSCYOLOalgorithm proposed in this paper has demonstrated satisfactory performance in detecting small targets inUAV aerial photography,providing strong support for practical applications. 展开更多
关键词 small object detection YOLOv7 multi-scale attention spatial context
下载PDF
A Simple and Effective Surface Defect Detection Method of Power Line Insulators for Difficult Small Objects
5
作者 Xiao Lu Chengling Jiang +2 位作者 Zhoujun Ma Haitao Li Yuexin Liu 《Computers, Materials & Continua》 SCIE EI 2024年第4期373-390,共18页
Insulator defect detection plays a vital role in maintaining the secure operation of power systems.To address the issues of the difficulty of detecting small objects and missing objects due to the small scale,variable... Insulator defect detection plays a vital role in maintaining the secure operation of power systems.To address the issues of the difficulty of detecting small objects and missing objects due to the small scale,variable scale,and fuzzy edge morphology of insulator defects,we construct an insulator dataset with 1600 samples containing flashovers and breakages.Then a simple and effective surface defect detection method of power line insulators for difficult small objects is proposed.Firstly,a high-resolution featuremap is introduced and a small object prediction layer is added so that the model can detect tiny objects.Secondly,a simplified adaptive spatial feature fusion(SASFF)module is introduced to perform cross-scale spatial fusion to improve adaptability to variable multi-scale features.Finally,we propose an enhanced deformable attention mechanism(EDAM)module.By integrating a gating activation function,the model is further inspired to learn a small number of critical sampling points near reference points.And the module can improve the perception of object morphology.The experimental results indicate that concerning the dataset of flashover and breakage defects,this method improves the performance of YOLOv5,YOLOv7,and YOLOv8.In practical application,it can simply and effectively improve the precision of power line insulator defect detection and reduce missing detection for difficult small objects. 展开更多
关键词 Insulator defect detection small object power line deformable attention mechanism
下载PDF
Small Object Detection via Precise Region-Based Fully Convolutional Networks 被引量:9
6
作者 Dengyong Zhang Jiawei Hu +3 位作者 Feng Li Xiangling Ding Arun Kumar Sangaiah Victor SSheng 《Computers, Materials & Continua》 SCIE EI 2021年第11期1503-1517,共15页
In the past several years,remarkable achievements have been made in the field of object detection.Although performance is generally improving,the accuracy of small object detection remains low compared with that of la... In the past several years,remarkable achievements have been made in the field of object detection.Although performance is generally improving,the accuracy of small object detection remains low compared with that of large object detection.In addition,localization misalignment issues are common for small objects,as seen in GoogLeNets and residual networks(ResNets).To address this problem,we propose an improved region-based fully convolutional network(R-FCN).The presented technique improves detection accuracy and eliminates localization misalignment by replacing positionsensitive region of interest(PS-RoI)pooling with position-sensitive precise region of interest(PS-Pr-RoI)pooling,which avoids coordinate quantization and directly calculates two-order integrals for position-sensitive score maps,thus preventing a loss of spatial precision.A validation experiment was conducted in which the Microsoft common objects in context(MS COCO)training dataset was oversampled.Results showed an accuracy improvement of 3.7%for object detection tasks and an increase of 6.0%for small objects. 展开更多
关键词 small object detection precise R-FCN PS-Pr-RoI pooling two-stage detector
下载PDF
Small objects detection in UAV aerial images based on improved Faster R-CNN 被引量:6
7
作者 WANG Ji-wu LUO Hai-bao +1 位作者 YU Peng-fei LI Chen-yang 《Journal of Measurement Science and Instrumentation》 CAS CSCD 2020年第1期11-16,共6页
In order to solve the problem of small objects detection in unmanned aerial vehicle(UAV)aerial images with complex background,a general detection method for multi-scale small objects based on Faster region-based convo... In order to solve the problem of small objects detection in unmanned aerial vehicle(UAV)aerial images with complex background,a general detection method for multi-scale small objects based on Faster region-based convolutional neural network(Faster R-CNN)is proposed.The bird’s nest on the high-voltage tower is taken as the research object.Firstly,we use the improved convolutional neural network ResNet101 to extract object features,and then use multi-scale sliding windows to obtain the object region proposals on the convolution feature maps with different resolutions.Finally,a deconvolution operation is added to further enhance the selected feature map with higher resolution,and then it taken as a feature mapping layer of the region proposals passing to the object detection sub-network.The detection results of the bird’s nest in UAV aerial images show that the proposed method can precisely detect small objects in aerial images. 展开更多
关键词 Faster region-based convolutional neural network(Faster R-CNN) ResNet101 unmanned aerial vehicle(UAV) small objects detection bird’s nest
下载PDF
Feature-Enhanced RefineDet: Fast Detection of Small Objects 被引量:3
8
作者 Lei Zhao Ming Zhao 《Journal of Information Hiding and Privacy Protection》 2021年第1期1-8,共8页
Object detection has been studied for many years.The convolutional neural network has made great progress in the accuracy and speed of object detection.However,due to the low resolution of small objects and the repres... Object detection has been studied for many years.The convolutional neural network has made great progress in the accuracy and speed of object detection.However,due to the low resolution of small objects and the representation of fuzzy features,one of the challenges now is how to effectively detect small objects in images.Existing target detectors for small objects:one is to use high-resolution images as input,the other is to increase the depth of the CNN network,but these two methods will undoubtedly increase the cost of calculation and time-consuming.In this paper,based on the RefineDet network framework,we propose our network structure RF2Det by introducing Receptive Field Block to solve the problem of small object detection,so as to achieve the balance of speed and accuracy.At the same time,we propose a Medium-level Feature Pyramid Networks,which combines appropriate high-level context features with low-level features,so that the network can use the features of both the low-level and the high-level for multi-scale target detection,and the accuracy of the small target detection task based on the low-level features is improved.Extensive experiments on the MS COCO dataset demonstrate that compared to other most advanced methods,our proposed method shows significant performance improvement in the detection of small objects. 展开更多
关键词 small object detection feature fusion receptive field block
下载PDF
DSAFF-Net:A Backbone Network Based on Mask R-CNN for Small Object Detection
9
作者 Jian Peng Yifang Zhao +2 位作者 Dengyong Zhang Feng Li Arun Kumar Sangaiah 《Computers, Materials & Continua》 SCIE EI 2023年第2期3405-3419,共15页
Recently,object detection based on convolutional neural networks(CNNs)has developed rapidly.The backbone networks for basic feature extraction are an important component of the whole detection task.Therefore,we presen... Recently,object detection based on convolutional neural networks(CNNs)has developed rapidly.The backbone networks for basic feature extraction are an important component of the whole detection task.Therefore,we present a new feature extraction strategy in this paper,which name is DSAFF-Net.In this strategy,we design:1)a sandwich attention feature fusion module(SAFF module).Its purpose is to enhance the semantic information of shallow features and resolution of deep features,which is beneficial to small object detection after feature fusion.2)to add a new stage called D-block to alleviate the disadvantages of decreasing spatial resolution when the pooling layer increases the receptive field.The method proposed in the new stage replaces the original method of obtaining the P6 feature map and uses the result as the input of the regional proposal network(RPN).In the experimental phase,we use the new strategy to extract features.The experiment takes the public dataset of Microsoft Common Objects in Context(MS COCO)object detection and the dataset of Corona Virus Disease 2019(COVID-19)image classification as the experimental object respectively.The results show that the average recognition accuracy of COVID-19 in the classification dataset is improved to 98.163%,and small object detection in object detection tasks is improved by 4.0%. 展开更多
关键词 small object detection classification RPN MS COCO COVID-19
下载PDF
Interactive Transformer for Small Object Detection
10
作者 Jian Wei Qinzhao Wang Zixu Zhao 《Computers, Materials & Continua》 SCIE EI 2023年第11期1699-1717,共19页
The detection of large-scale objects has achieved high accuracy,but due to the low peak signal to noise ratio(PSNR),fewer distinguishing features,and ease of being occluded by the surroundings,the detection of small o... The detection of large-scale objects has achieved high accuracy,but due to the low peak signal to noise ratio(PSNR),fewer distinguishing features,and ease of being occluded by the surroundings,the detection of small objects,however,does not enjoy similar success.Endeavor to solve the problem,this paper proposes an attention mechanism based on cross-Key values.Based on the traditional transformer,this paper first improves the feature processing with the convolution module,effectively maintaining the local semantic context in the middle layer,and significantly reducing the number of parameters of the model.Then,to enhance the effectiveness of the attention mask,two Key values are calculated simultaneously along Query and Value by using the method of dual-branch parallel processing,which is used to strengthen the attention acquisition mode and improve the coupling of key information.Finally,focusing on the feature maps of different channels,the multi-head attention mechanism is applied to the channel attention mask to improve the feature utilization effect of the middle layer.By comparing three small object datasets,the plug-and-play interactive transformer(IT-transformer)module designed by us effectively improves the detection results of the baseline. 展开更多
关键词 small object detection ATTENTION TRANSFORMER plug-and-play
下载PDF
Knowledge Distillation via Hierarchical Matching for Small Object Detection
11
作者 Yong-Chi Ma Xiao Ma +3 位作者 Tian-Ran Hao Li-Sha Cui Shao-Hui Jin Pei Lyu 《Journal of Computer Science & Technology》 SCIE EI CSCD 2024年第4期798-810,共13页
Knowledge distillation is often used for model compression and has achieved a great breakthrough in image classification,but there still remains scope for improvement in object detection,especially for knowledge extra... Knowledge distillation is often used for model compression and has achieved a great breakthrough in image classification,but there still remains scope for improvement in object detection,especially for knowledge extraction of small objects.The main problem is the features of small objects are often polluted by background noise and not prominent due to down-sampling of convolutional neural network(CNN),resulting in the insufficient refinement of small object features during distillation.In this paper,we propose Hierarchical Matching Knowledge Distillation Network(HMKD)that operates on the pyramid level P2 to pyramid level P4 of the feature pyramid network(FPN),aiming to intervene on small object features before affecting.We employ an encoder-decoder network to encapsulate low-resolution,highly semantic information,akin to eliciting insights from profound strata within a teacher network,and then match the encapsulated information with high-resolution feature values of small objects from shallow layers as the key.During this period,we use an attention mechanism to measure the relevance of the inquiry to the feature values.Also in the process of decoding,knowledge is distilled to the student.In addition,we introduce a supplementary distillation module to mitigate the effects of background noise.Experiments show that our method achieves excellent improvements for both one-stage and twostage object detectors.Specifically,applying the proposed method on Faster R-CNN achieves 41.7%mAP on COCO2017(ResNet50 as the backbone),which is 3.8%higher than that of the baseline. 展开更多
关键词 knowledge distillation object detection small object detection machine learning
原文传递
Temperature Measurement of Small Objects by Mach-Zehnder Interferometer
12
作者 Y.T.Wong W.K.Chin 《Journal of Thermal Science》 SCIE EI CAS CSCD 1993年第4期270-274,共5页
A Mach-Zehnder Interferometer incorporated with image processing has been set up to study the temperature field of small objects.Small objects with width to height ratios ranging from 0.33 to 1.0 subjected to natural ... A Mach-Zehnder Interferometer incorporated with image processing has been set up to study the temperature field of small objects.Small objects with width to height ratios ranging from 0.33 to 1.0 subjected to natural convection are used to simulate the condition at which the end effects are significant. Interferogram representing the temperature gradient is captured,digitized,and image processed with the aid of an image processing unit.A simple correction model is proposed to treat the stored interferometric data.The interference data are found to compare well with those provided by the thermocouples. 展开更多
关键词 temperature measurement small objects mach-zehnder interferometer
原文传递
Density Map Guided Region Localization for End-to-End Small Object Detection
13
作者 Bo LI Kai HUANG +1 位作者 Junhui LI Yufu LIAO 《Journal of Systems Science and Information》 CSCD 2023年第6期776-794,共19页
With the advancement of society and science and technology, the demand for detecting small objects in practical scenarios becomes stronger. Such objects are only represented by relatively small coverage of pixels, and... With the advancement of society and science and technology, the demand for detecting small objects in practical scenarios becomes stronger. Such objects are only represented by relatively small coverage of pixels, and the features are degraded severely after being extracted by a deep convolutional neural network, which is detrimental to the detection performance for small objects. Therefore, an intuitive solution is to increase the resolution of small objects by cropping the original image. In this paper, we propose a simple but effective object density map guided region localization module (DMGRL) to locate and crop the regions of interest where small objects may exist. Firstly, the density map of the objects is estimated by object density map estimation network, and then the coordinates of the small object regions are calculated;Secondly, the continuous differentiable affine transformation is utilized to crop these regions so that the detector with DMGRL can be trained end-to-end instead of two-stage training. Finally, the all prediction results of input image and cropped region images are merged together to output the final detection results by non maximum suppression (NMS). Extensive experiments demonstrate the superior performance of the detector incorporated DMGRL. 展开更多
关键词 small object detection density map estimation end-to-end training affine transformation
原文传递
Research on fast detection method of infrared small targets under resourceconstrained conditions
14
作者 ZHANG Rui LIU Min LI Zheng 《红外与毫米波学报》 SCIE EI CAS CSCD 北大核心 2024年第4期582-587,共6页
Infrared small target detection is a common task in infrared image processing.Under limited computa⁃tional resources.Traditional methods for infrared small target detection face a trade-off between the detection rate ... Infrared small target detection is a common task in infrared image processing.Under limited computa⁃tional resources.Traditional methods for infrared small target detection face a trade-off between the detection rate and the accuracy.A fast infrared small target detection method tailored for resource-constrained conditions is pro⁃posed for the YOLOv5s model.This method introduces an additional small target detection head and replaces the original Intersection over Union(IoU)metric with Normalized Wasserstein Distance(NWD),while considering both the detection accuracy and the detection speed of infrared small targets.Experimental results demonstrate that the proposed algorithm achieves a maximum effective detection speed of 95 FPS on a 15 W TPU,while reach⁃ing a maximum effective detection accuracy of 91.9 AP@0.5,effectively improving the efficiency of infrared small target detection under resource-constrained conditions. 展开更多
关键词 infrared UAV image fast small object detection low impedance loss function
下载PDF
Compressive sensing for small moving space object detection in astronomical images
15
作者 Rui Yao Yanning Zhang 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2012年第3期378-384,共7页
It is known that detecting small moving objects in as- tronomical image sequences is a significant research problem in space surveillance. The new theory, compressive sensing, pro- vides a very easy and computationall... It is known that detecting small moving objects in as- tronomical image sequences is a significant research problem in space surveillance. The new theory, compressive sensing, pro- vides a very easy and computationally cheap coding scheme for onboard astronomical remote sensing. An algorithm for small moving space object detection and localization is proposed. The algorithm determines the measurements of objects by comparing the difference between the measurements of the current image and the measurements of the background scene. In contrast to reconstruct the whole image, only a foreground image is recon- structed, which will lead to an effective computational performance, and a high level of localization accuracy is achieved. Experiments and analysis are provided to show the performance of the pro- posed approach on detection and localization. 展开更多
关键词 compressive sensing small space object detection localization astronomical image.
下载PDF
Methods and Means for Small Dynamic Objects Recognition and Tracking
16
作者 Dmytro Kushnir 《Computers, Materials & Continua》 SCIE EI 2022年第11期3649-3665,共17页
A literature analysis has shown that object search,recognition,and tracking systems are becoming increasingly popular.However,such systems do not achieve high practical results in analyzing small moving living objects... A literature analysis has shown that object search,recognition,and tracking systems are becoming increasingly popular.However,such systems do not achieve high practical results in analyzing small moving living objects ranging from 8 to 14 mm.This article examines methods and tools for recognizing and tracking the class of small moving objects,such as ants.To fulfill those aims,a customized You Only Look Once Ants Recognition(YOLO_AR)Convolutional Neural Network(CNN)has been trained to recognize Messor Structor ants in the laboratory using the LabelImg object marker tool.The proposed model is an extension of the You Only Look Once v4(Yolov4)512×512 model with an additional Self Regularized Non–Monotonic(Mish)activation function.Additionally,the scalable solution for continuous object recognizing and tracking was implemented.This solution is based on the OpenDatacam system,with extended Object Tracking modules that allow for tracking and counting objects that have crossed the custom boundary line.During the study,the methods of the alignment algorithm for finding the trajectory of moving objects were modified.I discovered that the Hungarian algorithm showed better results in tracking small objects than the K–D dimensional tree(k-d tree)matching algorithm used in OpenDataCam.Remarkably,such an algorithm showed better results with the implemented YOLO_AR model due to the lack of False Positives(FP).Therefore,I provided a new tracker module with a Hungarian matching algorithm verified on the Multiple Object Tracking(MOT)benchmark.Furthermore,additional customization parameters for object recognition and tracking results parsing and filtering were added,like boundary angle threshold(BAT)and past frames trajectory prediction(PFTP).Experimental tests confirmed the results of the study on a mobile device.During the experiment,parameters such as the quality of recognition and tracking of moving objects,the PFTP and BAT,and the configuration parameters of the neural network and boundary line model were analyzed.The results showed an increased tracking accuracy with the proposed methods by 50%.The study results confirmed the relevance of the topic and the effectiveness of the implemented methods and tools. 展开更多
关键词 object detection artificial intelligence object tracking object counting small movable objects ants tracking ants recognition YOLO_AR Yolov4 Hungarian algorithm k-d tree algorithm MOT benchmark image labeling movement prediction
下载PDF
LMUAV-YOLOv8:低空无人机视觉目标检测轻量化网络
17
作者 董一兵 曾辉 侯少杰 《计算机工程与应用》 北大核心 2025年第3期94-110,共17页
针对低空无人机目标检测面临目标尺度变化大、小目标容易漏检和误检的挑战,发展了一种融合多尺度特征的目标检测轻量化网络(LMUAV-YOLOv8),通过开展消融和对比实验,验证了算法的有效性和先进性,并借助类激活图,对模型的决策过程进行了... 针对低空无人机目标检测面临目标尺度变化大、小目标容易漏检和误检的挑战,发展了一种融合多尺度特征的目标检测轻量化网络(LMUAV-YOLOv8),通过开展消融和对比实验,验证了算法的有效性和先进性,并借助类激活图,对模型的决策过程进行了解释。设计了一种轻量化的特征融合网络(UAV_RepGFPN),提出新的特征融合路径以及特征融合模块DBB_GELAN,降低参数量和计算量的同时,提高特征融合网络的性能。使用部分卷积(PConv)和三重注意力机制(Triplet Attention)构建特征提取模块(FTA_C2f),并引入ADown下采样模块,通过对输入特征图维度的重新排列和细粒度调整,以提升模型中深层网络对空间特征的捕捉能力,并进一步降低参数量和计算量。优化YOLOv9的可编程梯度信息(programmable gradient information,PGI)策略,设计基于上下文引导(Context_guided)的可逆架构,并额外生成三个辅助检测头,提出UAV_PGI可编程梯度方法,避免传统深度监督中多路径特征集成可能导致的语义信息损失。为了验证模型的有效性及泛化能力,在VisDrone 2019测试集上开展了对比实验,结果显示,与YOLOv8s相比,LMUAV-YOLOv8s的准确度、召回率、mAP@0.5和mAP@0.5:0.95等指标分别提升了4.2、3.9、5.1和3.0个百分点,同时参数量减少了63.9%,计算量仅增加0.4 GFLOPs,实现了检测性能与资源消耗的良好平衡。基于NVIDIA Jetson Xavier NX嵌入式平台的推理实验结果显示:与基线模型相比,该算法能够在满足实时检测要求的条件下,获得更高的检测精度,对于无人机实时目标检测场景具有较好的适用性。借助类激活图,对算法的决策过程进行了可视化分析,结果表明,该模型具备更优异的小尺度特征提取和高分辨率处理能力。 展开更多
关键词 小目标检测 多尺度 轻量化 YOLOv8 可编程梯度信息
下载PDF
基于改进YOLOv8的汽车门板紧固件检测算法
18
作者 王晓辉 贾韫硕 郭丰娟 《计算机工程与设计》 北大核心 2025年第1期298-306,共9页
针对汽车门板紧固件在复杂场景下存在的检测准确度较低和实时性较差的问题,提出一种小目标改进算法YOLOv8-SOD(small object detection)。在主干网络引入SPD(space-to-depth)模块和自适应权重分配模块,在算法的颈部网络输出位置增加选... 针对汽车门板紧固件在复杂场景下存在的检测准确度较低和实时性较差的问题,提出一种小目标改进算法YOLOv8-SOD(small object detection)。在主干网络引入SPD(space-to-depth)模块和自适应权重分配模块,在算法的颈部网络输出位置增加选择性注意力模块,将CIOU损失函数替换为MPDIOU损失函数。实验结果表明,YOLOv8-SOD算法平均检测精度为99.1%,比模板匹配方法和YOLOv8算法分别提高了9.4%、2%,达到了工厂生产流水线的检测标准,具有实用价值。 展开更多
关键词 汽车门板紧固件检测 小目标 自适应权重分配 无参注意力 选择性注意力 损失函数 深度学习
下载PDF
基于改进YOLOv8n的雨天场景中飞机铆钉检测方法
19
作者 夏正洪 杨磊 +2 位作者 刘璐 何琥 钟吉飞 《中国安全生产科学技术》 北大核心 2025年第1期195-201,共7页
为解决雨天场景中飞机表面附着与铆钉大小、形状相似的水滴而导致机务工程师在绕机检查过程中易出现铆钉误检的问题,提出1种基于改进YOLOv8n的飞机铆钉小目标检测方法。首先,改进C2f层,融入动态蛇形卷积,以捕捉复杂多变的全局形态特征;... 为解决雨天场景中飞机表面附着与铆钉大小、形状相似的水滴而导致机务工程师在绕机检查过程中易出现铆钉误检的问题,提出1种基于改进YOLOv8n的飞机铆钉小目标检测方法。首先,改进C2f层,融入动态蛇形卷积,以捕捉复杂多变的全局形态特征;其次,在主干网络中嵌入可变形注意力机制,自适应调整对不同区域的关注度;然后,增加1个160×160的小目标检测层,提高小目标的检测能力;最后,使用斯库拉交并比(SIoU)边界框损失函数,提升模型训练速度和推理准确性,基于自建的飞机铆钉和雨滴数据集进行消融实验和对比实验。研究结果表明:本文所提算法在雨天场景下的铆钉检测精确度、召回率、mAP值分别较YOLOv8n提升7.4,4.0,7.8百分点,较其他主流算法也有显著提升。研究结果可为特殊天气下的飞机铆钉检测提供理论基础。 展开更多
关键词 航空安全 小目标检测 飞机铆钉 动态蛇形卷积 可变形注意力机制
下载PDF
融合注意力机制和多尺度特征的无人机图像分割方法
20
作者 王喜笑 陈辉 《山东理工大学学报(自然科学版)》 CAS 2025年第2期22-29,36,共9页
针对现有无人机遥感图像分割算法普遍存在的未充分利用位置信息、小目标分割不准确等问题,基于DeeplabV3+网络提出融合注意力机制和多尺度特征的无人机遥感图像语义分割方法。首先,在DeeplabV3+网络基础上,用经过预训练的MobileNetV2网... 针对现有无人机遥感图像分割算法普遍存在的未充分利用位置信息、小目标分割不准确等问题,基于DeeplabV3+网络提出融合注意力机制和多尺度特征的无人机遥感图像语义分割方法。首先,在DeeplabV3+网络基础上,用经过预训练的MobileNetV2网络替代原模型中的Xception主干网络,减少模型参数量;其次,在空洞空间金字塔池化结构中加入坐标注意力细化模块以充分利用位置信息来增强深层特征,并通过多尺度特征融合模块处理骨干网络不同层次的信息,帮助模型更好地适应不同尺度的物体;最后,利用双三次插值上采样法替代双线性插值上采样法,便于模型对特征图进行上采样,在训练时用Dice损失和交叉熵损失之和作为模型的损失函数来预防无人机图像存在的类别不平衡问题。实验结果表明:改进后模型在Aeroscapes数据集上的平均交并比、类别平均像素准确率分别为67.23%、76.01%,与原模型相比分别提高了6.89%、6.59%;在WHDLD数据集上的平均交并比、类别平均像素准确率分别为66.09%、78.19%,与原模型相比分别提高了0.88%、2.04%。 展开更多
关键词 语义分割 DeeplabV3+ 小目标 注意力机制 特征融合
下载PDF
上一页 1 2 36 下一页 到第
使用帮助 返回顶部