期刊文献+
共找到717篇文章
< 1 2 36 >
每页显示 20 50 100
Enhancing Dense Small Object Detection in UAV Images Based on Hybrid Transformer 被引量:1
1
作者 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
Two-Layer Attention Feature Pyramid Network for Small Object Detection
2
作者 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
MSC-YOLO:Improved YOLOv7 Based on Multi-Scale Spatial Context for Small Object Detection in UAV-View
3
作者 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
CAW-YOLO:Cross-Layer Fusion and Weighted Receptive Field-Based YOLO for Small Object Detection in Remote Sensing
4
作者 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
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
Compressive sensing for small moving space object detection in astronomical images
9
作者 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
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
Methods and Means for Small Dynamic Objects Recognition and Tracking
11
作者 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
DSAFF-Net:A Backbone Network Based on Mask R-CNN for Small Object Detection
12
作者 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
Research on fast detection method of infrared small targets under resourceconstrained conditions
13
作者 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
Oriented Bounding Box Object Detection Model Based on Improved YOLOv8
14
作者 ZHAO Xin-kang SI Zhan-jun 《印刷与数字媒体技术研究》 CAS 北大核心 2024年第4期67-75,114,共10页
In the study of oriented bounding boxes(OBB)object detection in high-resolution remote sensing images,the problem of missed and wrong detection of small targets occurs because the targets are too small and have differ... In the study of oriented bounding boxes(OBB)object detection in high-resolution remote sensing images,the problem of missed and wrong detection of small targets occurs because the targets are too small and have different orientations.Existing OBB object detection for remote sensing images,although making good progress,mainly focuses on directional modeling,while less consideration is given to the size of the object as well as the problem of missed detection.In this study,a method based on improved YOLOv8 was proposed for detecting oriented objects in remote sensing images,which can improve the detection precision of oriented objects in remote sensing images.Firstly,the ResCBAMG module was innovatively designed,which could better extract channel and spatial correlation information.Secondly,the innovative top-down feature fusion layer network structure was proposed in conjunction with the Efficient Channel Attention(ECA)attention module,which helped to capture inter-local cross-channel interaction information appropriately.Finally,we introduced an innovative ResCBAMG module between the different C2f modules and detection heads of the bottom-up feature fusion layer.This innovative structure helped the model to better focus on the target area.The precision and robustness of oriented target detection were also improved.Experimental results on the DOTA-v1.5 dataset showed that the detection Precision,mAP@0.5,and mAP@0.5:0.95 metrics of the improved model are better compared to the original model.This improvement is effective in detecting small targets and complex scenes. 展开更多
关键词 Remote sensing image Oriented bounding boxes object detection small target detection YOLOv8
下载PDF
Dynamic Output Feedback Control Synthesis with Mixed Frequency Small Gain Specifications 被引量:4
15
作者 ZHANG Xiao-Ni YANG Guang-Hong 《自动化学报》 EI CSCD 北大核心 2008年第5期551-557,共7页
这篇论文与混合频率为线性连续时间的系统经由动态输出反馈涉及控制合成问题小获得说明。为设计动态产量反馈控制器的一个新方法被介绍以便结果靠近环的系统是 asymptotically 稳定的并且在两个有限频率范围和全部频率范围满足小获得说... 这篇论文与混合频率为线性连续时间的系统经由动态输出反馈涉及控制合成问题小获得说明。为设计动态产量反馈控制器的一个新方法被介绍以便结果靠近环的系统是 asymptotically 稳定的并且在两个有限频率范围和全部频率范围满足小获得说明的要求。设计条件以一套线性矩阵不平等(LMI ) 的答案被给。最后,一个数字例子被给与存在那个比较说明设计过程和建议方法的优点。 展开更多
关键词 动力输出反馈控制系统 小增益规格 FDIs 混合频率
下载PDF
The concept of sUAS/DL-based system for detecting and classifying abandoned small firearms
16
作者 Jungmok Ma Oleg A.Yakimenko 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2023年第12期23-31,共9页
Military object detection and identification is a key capability in surveillance and reconnaissance.It is a major factor in warfare effectiveness and warfighter survivability.Inexpensive,portable,and rapidly deployabl... Military object detection and identification is a key capability in surveillance and reconnaissance.It is a major factor in warfare effectiveness and warfighter survivability.Inexpensive,portable,and rapidly deployable small unmanned aerial systems(s UAS)in conjunction with powerful deep learning(DL)based object detection models are expected to play an important role for this application.To prove overall feasibility of this approach,this paper discusses some aspects of designing and testing of an automated detection system to locate and identify small firearms left at the training range or at the battlefield.Such a system is envisioned to involve an s UAS equipped with a modern electro-optical(EO)sensor and relying on a trained convolutional neural network(CNN).Previous study by the authors devoted to finding projectiles on the ground revealed certain challenges such as small object size,changes in aspect ratio and image scale,motion blur,occlusion,and camouflage.This study attempts to deal with these challenges in a realistic operational scenario and go further by not only detecting different types of firearms but also classifying them into different categories.This study used a YOLOv2CNN(Res Net-50 backbone network)to train the model with ground truth data and demonstrated a high mean average precision(m AP)of 0.97 to detect and identify not only small pistols but also partially occluded rifles. 展开更多
关键词 small firearms object detection Deep learning small unmanned aerial systems
下载PDF
Model-data-driven seismic inversion method based on small sample data
17
作者 LIU Jinshui SUN Yuhang LIU Yang 《Petroleum Exploration and Development》 CSCD 2022年第5期1046-1055,共10页
As sandstone layers in thin interbedded section are difficult to identify,conventional model-driven seismic inversion and data-driven seismic prediction methods have low precision in predicting them.To solve this prob... As sandstone layers in thin interbedded section are difficult to identify,conventional model-driven seismic inversion and data-driven seismic prediction methods have low precision in predicting them.To solve this problem,a model-data-driven seismic AVO(amplitude variation with offset)inversion method based on a space-variant objective function has been worked out.In this method,zero delay cross-correlation function and F norm are used to establish objective function.Based on inverse distance weighting theory,change of the objective function is controlled according to the location of the target CDP(common depth point),to change the constraint weights of training samples,initial low-frequency models,and seismic data on the inversion.Hence,the proposed method can get high resolution and high-accuracy velocity and density from inversion of small sample data,and is suitable for identifying thin interbedded sand bodies.Tests with thin interbedded geological models show that the proposed method has high inversion accuracy and resolution for small sample data,and can identify sandstone and mudstone layers of about one-30th of the dominant wavelength thick.Tests on the field data of Lishui sag show that the inversion results of the proposed method have small relative error with well-log data,and can identify thin interbedded sandstone layers of about one-15th of the dominant wavelength thick with small sample data. 展开更多
关键词 small sample data space-variant objective function model-data-driven neural network seismic AVO inversion thin interbedded sandstone identification Paleocene Lishui sag
下载PDF
基于改进YOLOv5s的小目标检测算法 被引量:7
18
作者 贵向泉 秦庆松 孔令旺 《计算机工程与设计》 北大核心 2024年第4期1134-1140,共7页
针对当前主流目标检测算法对图像中远距离小目标产生的漏检、误检等问题,提出一种改进YOLOv5s的小目标检测算法。在模型训练过程中,通过引入Focal-EIOU定位损失函数,加强边界框的定位精度;在骨干网络中,通过添加小目标检测层,提高小目... 针对当前主流目标检测算法对图像中远距离小目标产生的漏检、误检等问题,提出一种改进YOLOv5s的小目标检测算法。在模型训练过程中,通过引入Focal-EIOU定位损失函数,加强边界框的定位精度;在骨干网络中,通过添加小目标检测层,提高小目标的检测精度;在Neck结构中,通过优化上采样算子和添加注意力机制,加强小目标的特征信息。实验结果表明,改进后的算法在VisDrone数据集上与YOLOv5s算法相比,mAP@small提高了3.2%,且检测速度满足实时性的要求,能够很好地应用于小目标检测任务中。 展开更多
关键词 YOLOv5s算法 小目标检测 损失函数 上采样算子 骨干网络 注意力机制 特征信息
下载PDF
基于改进YOLOv8的无人机航拍图像目标检测算法 被引量:6
19
作者 程换新 乔庆元 +1 位作者 骆晓玲 于沙家 《无线电工程》 2024年第4期871-881,共11页
针对现存无人机航拍图像目标检测算法检测精度较低、模型较为复杂的问题,提出一种改进YOLOv8的目标检测算法。在骨干网络引入多尺度注意力EMA,捕捉细节信息,以提高模型的特征提取能力;改进C2f模块,减小模型的计算量。提出了轻量级的Bi-Y... 针对现存无人机航拍图像目标检测算法检测精度较低、模型较为复杂的问题,提出一种改进YOLOv8的目标检测算法。在骨干网络引入多尺度注意力EMA,捕捉细节信息,以提高模型的特征提取能力;改进C2f模块,减小模型的计算量。提出了轻量级的Bi-YOLOv8特征金字塔网络结构改进YOLOv8的颈部,增强了模型多尺度特征融合能力,改善网络对小目标的检测精度。使用WIoU Loss优化原网络损失函数,引入一种动态非单调聚焦机制,提高模型的泛化能力。在无人机航拍数据集VisDrone2019上的实验表明,提出算法的mAP50为40.7%,较YOLOv8s提升了1.5%,参数量降低了42%,同时相比于其他先进的目标检测算法在精度和速度上均有提升,证明了改进算法的有效性和先进性。 展开更多
关键词 航拍图像 小目标检测 YOLOv8 Bi-YOLOv8 轻量化
下载PDF
基于改进YOLOv8的煤矿输送带异物检测 被引量:1
20
作者 洪炎 汪磊 +2 位作者 苏静明 汪瀚涛 李木石 《工矿自动化》 CSCD 北大核心 2024年第6期61-69,共9页
现有基于深度学习的输送带异物检测模型较大,难以在边缘设备部署,且对不同尺寸异物和小目标异物存在错检、漏检情况。针对上述问题,提出一种基于改进YOLOv8的煤矿输送带异物检测方法。采用深度可分离卷积、压缩和激励(SE)网络将YOLOv8... 现有基于深度学习的输送带异物检测模型较大,难以在边缘设备部署,且对不同尺寸异物和小目标异物存在错检、漏检情况。针对上述问题,提出一种基于改进YOLOv8的煤矿输送带异物检测方法。采用深度可分离卷积、压缩和激励(SE)网络将YOLOv8主干网络中C2f模块的Bottleneck重新构建为DSBlock,在保持模型轻量化的同时提升检测性能;为增强对不同尺寸目标物体信息的获取能力,引入高效通道注意力(ECA)机制,并对ECA的输入层进行自适应平均池化和自适应最大池化操作,得到跨通道交互MECA模块,以增强模块的全局视觉信息,进一步提升异物识别精度;将YOLOv8的3个检测头修改为4个轻量化小目标检测头,以增强对小目标的敏感性,有效降低小目标异物的漏检率和错检率。实验结果表明:改进YOLOv8的精确度达91.69%,mAP@50达92.27%,较YOLOv8分别提升了3.09%和4.07%;改进YOLOv8的检测速度达73.92帧/s,可充分满足煤矿输送带异物实时检测的需求;改进YOLOv8的精确度、mAP@50、参数量、权重大小和每秒浮点运算数均优于SSD,Faster-RCNN,YOLOv5,YOLOv7-tiny等主流目标检测算法。 展开更多
关键词 输送带异物检测 YOLOv8 SE网络 高效通道注意力机制 轻量化 小目标检测 自适应平均池化 自适应最大池化
下载PDF
上一页 1 2 36 下一页 到第
使用帮助 返回顶部