Pest detection techniques are helpful in reducing the frequency and scale of pest outbreaks;however,their application in the actual agricultural production process is still challenging owing to the problems of intersp...Pest detection techniques are helpful in reducing the frequency and scale of pest outbreaks;however,their application in the actual agricultural production process is still challenging owing to the problems of interspecies similarity,multi-scale,and background complexity of pests.To address these problems,this study proposes an FD-YOLO pest target detection model.The FD-YOLO model uses a Fully Connected Feature Pyramid Network(FC-FPN)instead of a PANet in the neck,which can adaptively fuse multi-scale information so that the model can retain small-scale target features in the deep layer,enhance large-scale target features in the shallow layer,and enhance the multiplexing of effective features.A dual self-attention module(DSA)is then embedded in the C3 module of the neck,which captures the dependencies between the information in both spatial and channel dimensions,effectively enhancing global features.We selected 16 types of pests that widely damage field crops in the IP102 pest dataset,which were used as our dataset after data supplementation and enhancement.The experimental results showed that FD-YOLO’s mAP@0.5 improved by 6.8%compared to YOLOv5,reaching 82.6%and 19.1%–5%better than other state-of-the-art models.This method provides an effective new approach for detecting similar or multiscale pests in field crops.展开更多
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.展开更多
In this paper,based on a bidirectional parallel multi-branch feature pyramid network(BPMFPN),a novel one-stage object detector called BPMFPN Det is proposed for real-time detection of ground multi-scale targets by swa...In this paper,based on a bidirectional parallel multi-branch feature pyramid network(BPMFPN),a novel one-stage object detector called BPMFPN Det is proposed for real-time detection of ground multi-scale targets by swarm unmanned aerial vehicles(UAVs).First,the bidirectional parallel multi-branch convolution modules are used to construct the feature pyramid to enhance the feature expression abilities of different scale feature layers.Next,the feature pyramid is integrated into the single-stage object detection framework to ensure real-time performance.In order to validate the effectiveness of the proposed algorithm,experiments are conducted on four datasets.For the PASCAL VOC dataset,the proposed algorithm achieves the mean average precision(mAP)of 85.4 on the VOC 2007 test set.With regard to the detection in optical remote sensing(DIOR)dataset,the proposed algorithm achieves 73.9 mAP.For vehicle detection in aerial imagery(VEDAI)dataset,the detection accuracy of small land vehicle(slv)targets reaches 97.4 mAP.For unmanned aerial vehicle detection and tracking(UAVDT)dataset,the proposed BPMFPN Det achieves the mAP of 48.75.Compared with the previous state-of-the-art methods,the results obtained by the proposed algorithm are more competitive.The experimental results demonstrate that the proposed algorithm can effectively solve the problem of real-time detection of ground multi-scale targets in aerial images of swarm UAVs.展开更多
In order to improve the detection accuracy of small objects,a neighborhood fusion-based hierarchical parallel feature pyramid network(NFPN)is proposed.Unlike the layer-by-layer structure adopted in the feature pyramid...In order to improve the detection accuracy of small objects,a neighborhood fusion-based hierarchical parallel feature pyramid network(NFPN)is proposed.Unlike the layer-by-layer structure adopted in the feature pyramid network(FPN)and deconvolutional single shot detector(DSSD),where the bottom layer of the feature pyramid network relies on the top layer,NFPN builds the feature pyramid network with no connections between the upper and lower layers.That is,it only fuses shallow features on similar scales.NFPN is highly portable and can be embedded in many models to further boost performance.Extensive experiments on PASCAL VOC 2007,2012,and COCO datasets demonstrate that the NFPN-based SSD without intricate tricks can exceed the DSSD model in terms of detection accuracy and inference speed,especially for small objects,e.g.,4%to 5%higher mAP(mean average precision)than SSD,and 2%to 3%higher mAP than DSSD.On VOC 2007 test set,the NFPN-based SSD with 300×300 input reaches 79.4%mAP at 34.6 frame/s,and the mAP can raise to 82.9%after using the multi-scale testing strategy.展开更多
Deep learning for topology optimization has been extensively studied to reduce the cost of calculation in recent years.However,the loss function of the above method is mainly based on pixel-wise errors from the image ...Deep learning for topology optimization has been extensively studied to reduce the cost of calculation in recent years.However,the loss function of the above method is mainly based on pixel-wise errors from the image perspective,which cannot embed the physical knowledge of topology optimization.Therefore,this paper presents an improved deep learning model to alleviate the above difficulty effectively.The feature pyramid network(FPN),a kind of deep learning model,is trained to learn the inherent physical law of topology optimization itself,of which the loss function is composed of pixel-wise errors and physical constraints.Since the calculation of physical constraints requires finite element analysis(FEA)with high calculating costs,the strategy of adjusting the time when physical constraints are added is proposed to achieve the balance between the training cost and the training effect.Then,two classical topology optimization problems are investigated to verify the effectiveness of the proposed method.The results show that the developed model using a small number of samples can quickly obtain the optimization structure without any iteration,which has not only high pixel-wise accuracy but also good physical performance.展开更多
Audio-visual scene classification(AVSC)poses a formidable challenge owing to the intricate spatial-temporal relationships exhibited by audio-visual signals,coupled with the complex spatial patterns of objects and text...Audio-visual scene classification(AVSC)poses a formidable challenge owing to the intricate spatial-temporal relationships exhibited by audio-visual signals,coupled with the complex spatial patterns of objects and textures found in visual images.The focus of recent studies has predominantly revolved around extracting features from diverse neural network structures,inadvertently neglecting the acquisition of semantically meaningful regions and crucial components within audio-visual data.The authors present a feature pyramid attention network(FPANet)for audio-visual scene understanding,which extracts semantically significant characteristics from audio-visual data.The authors’approach builds multi-scale hierarchical features of sound spectrograms and visual images using a feature pyramid representation and localises the semantically relevant regions with a feature pyramid attention module(FPAM).A dimension alignment(DA)strategy is employed to align feature maps from multiple layers,a pyramid spatial attention(PSA)to spatially locate essential regions,and a pyramid channel attention(PCA)to pinpoint significant temporal frames.Experiments on visual scene classification(VSC),audio scene classification(ASC),and AVSC tasks demonstrate that FPANet achieves performance on par with state-of-the-art(SOTA)approaches,with a 95.9 F1-score on the ADVANCE dataset and a relative improvement of 28.8%.Visualisation results show that FPANet can prioritise semantically meaningful areas in audio-visual signals.展开更多
Recent advances in convolution neural network (CNN) have fostered the progress in object recognition and semantic segmentation, which in turn has improved the performance of hyperspectral image (HSI) classification. N...Recent advances in convolution neural network (CNN) have fostered the progress in object recognition and semantic segmentation, which in turn has improved the performance of hyperspectral image (HSI) classification. Nevertheless, the difficulty of high dimensional feature extraction and the shortage of small training samples seriously hinder the future development of HSI classification. In this paper, we propose a novel algorithm for HSI classification based on three-dimensional (3D) CNN and a feature pyramid network (FPN), called 3D-FPN. The framework contains a principle component analysis, a feature extraction structure and a logistic regression. Specifically, the FPN built with 3D convolutions not only retains the advantages of 3D convolution to fully extract the spectral-spatial feature maps, but also concentrates on more detailed information and performs multi-scale feature fusion. This method avoids the excessive complexity of the model and is suitable for small sample hyperspectral classification with varying categories and spatial resolutions. In order to test the performance of our proposed 3D-FPN method, rigorous experimental analysis was performed on three public hyperspectral data sets and hyperspectral data of GF-5 satellite. Quantitative and qualitative results indicated that our proposed method attained the best performance among other current state-of-the-art end-to-end deep learning-based methods.展开更多
Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm f...Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm for infrared images,F-YOLOv8,is proposed.First,a spatial-to-depth network replaces the traditional backbone network's strided convolution or pooling layer.At the same time,it combines with the channel attention mechanism so that the neural network focuses on the channels with large weight values to better extract low-resolution image feature information;then an improved feature pyramid network of lightweight bidirectional feature pyramid network(L-BiFPN)is proposed,which can efficiently fuse features of different scales.In addition,a loss function of insertion of union based on the minimum point distance(MPDIoU)is introduced for bounding box regression,which obtains faster convergence speed and more accurate regression results.Experimental results on the FLIR dataset show that the improved algorithm can accurately detect infrared road targets in real time with 3%and 2.2%enhancement in mean average precision at 50%IoU(mAP50)and mean average precision at 50%—95%IoU(mAP50-95),respectively,and 38.1%,37.3%and 16.9%reduction in the number of model parameters,the model weight,and floating-point operations per second(FLOPs),respectively.To further demonstrate the detection capability of the improved algorithm,it is tested on the public dataset PASCAL VOC,and the results show that F-YOLO has excellent generalized detection performance.展开更多
Drone-based small object detection is of great significance in practical applications such as military actions, disaster rescue, transportation, etc. However, the severe scale differences in objects captured by drones...Drone-based small object detection is of great significance in practical applications such as military actions, disaster rescue, transportation, etc. However, the severe scale differences in objects captured by drones and lack of detail information for small-scale objects make drone-based small object detection a formidable challenge. To address these issues, we first develop a mathematical model to explore how changing receptive fields impacts the polynomial fitting results. Subsequently, based on the obtained conclusions, we propose a simple but effective Hybrid Receptive Field Network (HRFNet), whose modules include Hybrid Feature Augmentation (HFA), Hybrid Feature Pyramid (HFP) and Dual Scale Head (DSH). Specifically, HFA employs parallel dilated convolution kernels of different sizes to extend shallow features with different receptive fields, committed to improving the multi-scale adaptability of the network;HFP enhances the perception of small objects by capturing contextual information across layers, while DSH reconstructs the original prediction head utilizing a set of high-resolution features and ultrahigh-resolution features. In addition, in order to train HRFNet, the corresponding dual-scale loss function is designed. Finally, comprehensive evaluation results on public benchmarks such as VisDrone-DET and TinyPerson demonstrate the robustness of the proposed method. Most impressively, the proposed HRFNet achieves a mAP of 51.0 on VisDrone-DET with 29.3 M parameters, which outperforms the extant state-of-the-art detectors. HRFNet also performs excellently in complex scenarios captured by drones, achieving the best performance on the CS-Drone dataset we built.展开更多
Zn vapour is easily generated on the surface by fusion welding galvanized steel sheet,resulting in the formation of defects.Rapidly developing computer vision sensing technology collects weld images in the welding pro...Zn vapour is easily generated on the surface by fusion welding galvanized steel sheet,resulting in the formation of defects.Rapidly developing computer vision sensing technology collects weld images in the welding process,then obtains laser fringe information through digital image processing,identifies welding defects,and finally realizes online control of weld defects.The performance of a convolutional neural network is related to its structure and the quality of the input image.The acquired original images are labeled with LabelMe,and repeated attempts are made to determine the appropriate filtering and edge detection image preprocessing methods.Two-stage convolutional neural networks with different structures are built on the Tensorflow deep learning framework,different thresholds of intersection over union are set,and deep learning methods are used to evaluate the collected original images and the preprocessed images separately.Compared with the test results,the comprehensive performance of the improved feature pyramid networks algorithm based on the basic network VGG16 is lower than that of the basic network Resnet101.Edge detection of the image will significantly improve the accuracy of the model.Adding blur will reduce the accuracy of the model slightly;however,the overall performance of the improved algorithm is still relatively good,which proves the stability of the algorithm.The self-developed software inspection system can be used for image preprocessing and defect recognition,which can be used to record the number and location of typical defects in continuous welds.展开更多
Techniques in deep learning have significantly boosted the accuracy and productivity of computer vision segmentation tasks.This article offers an intriguing architecture for semantic,instance,and panoptic segmentation...Techniques in deep learning have significantly boosted the accuracy and productivity of computer vision segmentation tasks.This article offers an intriguing architecture for semantic,instance,and panoptic segmentation using EfficientNet-B7 and Bidirectional Feature Pyramid Networks(Bi-FPN).When implemented in place of the EfficientNet-B5 backbone,EfficientNet-B7 strengthens the model’s feature extraction capabilities and is far more appropriate for real-world applications.By ensuring superior multi-scale feature fusion,Bi-FPN integration enhances the segmentation of complex objects across various urban environments.The design suggested is examined on rigorous datasets,encompassing Cityscapes,Common Objects in Context,KITTI Karlsruhe Institute of Technology and Toyota Technological Institute,and Indian Driving Dataset,which replicate numerous real-world driving conditions.During extensive training,validation,and testing,the model showcases major gains in segmentation accuracy and surpasses state-of-the-art performance in semantic,instance,and panoptic segmentation tasks.Outperforming present methods,the recommended approach generates noteworthy gains in Panoptic Quality:+0.4%on Cityscapes,+0.2%on COCO,+1.7%on KITTI,and+0.4%on IDD.These changes show just how efficient it is in various driving circumstances and datasets.This study emphasizes the potential of EfficientNet-B7 and Bi-FPN to provide dependable,high-precision segmentation in computer vision applications,primarily autonomous driving.The research results suggest that this framework efficiently tackles the constraints of practical situations while delivering a robust solution for high-performance tasks involving segmentation.展开更多
Anchor-based detectors are widely used in object detection.To improve the accuracy of object detection,multiple anchor boxes are intensively placed on the input image,yet.Most of which are invalid.Although the anchor-...Anchor-based detectors are widely used in object detection.To improve the accuracy of object detection,multiple anchor boxes are intensively placed on the input image,yet.Most of which are invalid.Although the anchor-free method can reduce the number of useless anchor boxes,the invalid ones still occupy a high proportion.On this basis,this paper proposes a multiscale center point object detection method based on parallel network to further reduce the number of useless anchor boxes.This study adopts the parallel network architecture of hourglass-104 and darknet-53 of which the first one outputs heatmaps to generate the center point for object feature location on the output attribute feature map of darknet-53.Combining feature pyramid and CIoU loss function,this algorithm is trained and tested on MSCOCO dataset,increasing the detection rate of target location and the accuracy rate of small object detection.Though resembling the state-of-the-art two-stage detectors in overall object detection accuracy,this algorithm is superior in speed.展开更多
To detect bull’s-eye anomalies in low-frequency seismic inversion models,the study proposed an advanced method using an optimized you only look once version 7(YOLOv7)model.This model is enhanced by integrating advanc...To detect bull’s-eye anomalies in low-frequency seismic inversion models,the study proposed an advanced method using an optimized you only look once version 7(YOLOv7)model.This model is enhanced by integrating advanced modules,including the bidirectional feature pyramid network(BiFPN),weighted intersection-over-union(wise-IoU),efficient channel attention(ECA),and atrous spatial pyramid pooling(ASPP).BiFPN facilitates robust feature extraction by enabling bidirectional information fl ow across network scales,which enhances the ability of the model to capture complex patterns in seismic inversion models.Wise-IoU improves the precision and fineness of reservoir feature localization through its weighted approach to IoU.Meanwhile,ECA optimizes interactions between channels,which promotes eff ective information exchange and enhances the overall response of the model to subtle inversion details.Lastly,the ASPP module strategically addresses spatial dependencies at multiple scales,which further enhances the ability of the model to identify complex reservoir structures.By synergistically integrating these advanced modules,the proposed model not only demonstrates superior performance in detecting bull’s-eye anomalies but also marks a pioneering step in utilizing cutting-edge deep learning technologies to enhance the accuracy and reliability of seismic reservoir prediction in oil and gas exploration.The results meet scientific literature standards and provide new perspectives on methodology,which makes significant contributions to ongoing eff orts to refine accurate and efficient prediction models for oil and gas exploration.展开更多
Railway turnouts often develop defects such as chipping,cracks,and wear during use.If not detected and addressed promptly,these defects can pose significant risks to train operation safety and passenger security.Despi...Railway turnouts often develop defects such as chipping,cracks,and wear during use.If not detected and addressed promptly,these defects can pose significant risks to train operation safety and passenger security.Despite advances in defect detection technologies,research specifically targeting railway turnout defects remains limited.To address this gap,we collected images from railway inspectors and constructed a dataset of railway turnout defects in complex environments.To enhance detection accuracy,we propose an improved YOLOv8 model named YOLO-VSS-SOUP-Inner-CIoU(YOLO-VSI).The model employs a state-space model(SSM)to enhance the C2f module in the YOLOv8 backbone,proposed the C2f-VSS module to better capture long-range dependencies and contextual features,thus improving feature extraction in complex environments.In the network’s neck layer,we integrate SPDConv and Omni-Kernel Network(OKM)modules to improve the original PAFPN(Path Aggregation Feature Pyramid Network)structure,and proposed the Small Object Upgrade Pyramid(SOUP)structure to enhance small object detection capabilities.Additionally,the Inner-CIoU loss function with a scale factor is applied to further enhance the model’s detection capabilities.Compared to the baseline model,YOLO-VSI demonstrates a 3.5%improvement in average precision on our railway turnout dataset,showcasing increased accuracy and robustness.Experiments on the public NEU-DET dataset reveal a 2.3%increase in average precision over the baseline,indicating that YOLO-VSI has good generalization capabilities.展开更多
Floating wastes in rivers have specific characteristics such as small scale,low pixel density and complex backgrounds.These characteristics make it prone to false and missed detection during image analysis,thus result...Floating wastes in rivers have specific characteristics such as small scale,low pixel density and complex backgrounds.These characteristics make it prone to false and missed detection during image analysis,thus resulting in a degradation of detection performance.In order to tackle these challenges,a floating waste detection algorithm based on YOLOv7 is proposed,which combines the improved GFPN(Generalized Feature Pyramid Network)and a long-range attention mechanism.Firstly,we import the improved GFPN to replace the Neck of YOLOv7,thus providing more effective information transmission that can scale into deeper networks.Secondly,the convolution-based and hardware-friendly long-range attention mechanism is introduced,allowing the algorithm to rapidly generate an attention map with a global receptive field.Finally,the algorithm adopts the WiseIoU optimization loss function to achieve adaptive gradient gain allocation and alleviate the negative impact of low-quality samples on the gradient.The simulation results reveal that the proposed algorithm has achieved a favorable average accuracy of 86.3%in real-time scene detection tasks.This marks a significant enhancement of approximately 6.3%compared with the baseline,indicating the algorithm's good performance in floating waste detection.展开更多
Mature soybean phenotyping is an important process in soybean breeding;however, the manual process is time-consuming and labor-intensive. Therefore, a novel approach that is rapid, accurate and highly precise is requi...Mature soybean phenotyping is an important process in soybean breeding;however, the manual process is time-consuming and labor-intensive. Therefore, a novel approach that is rapid, accurate and highly precise is required to obtain the phenotypic data of soybean stems, pods and seeds. In this research, we propose a mature soybean phenotype measurement algorithm called Soybean Phenotype Measure-instance Segmentation(SPM-IS). SPM-IS is based on a feature pyramid network, Principal Component Analysis(PCA) and instance segmentation. We also propose a new method that uses PCA to locate and measure the length and width of a target object via image instance segmentation. After 60,000 iterations, the maximum mean Average Precision(m AP) of the mask and box was able to reach 95.7%. The correlation coefficients R^(2) of the manual measurement and SPM-IS measurement of the pod length, pod width, stem length, complete main stem length, seed length and seed width were 0.9755, 0.9872, 0.9692, 0.9803,0.9656, and 0.9716, respectively. The correlation coefficients R^(2) of the manual counting and SPM-IS counting of pods, stems and seeds were 0.9733, 0.9872, and 0.9851, respectively. The above results show that SPM-IS is a robust measurement and counting algorithm that can reduce labor intensity, improve efficiency and speed up the soybean breeding process.展开更多
Detecting non-motor drivers’helmets has significant implications for traffic control.Currently,most helmet detection methods are susceptible to the complex background and need more accuracy and better robustness of s...Detecting non-motor drivers’helmets has significant implications for traffic control.Currently,most helmet detection methods are susceptible to the complex background and need more accuracy and better robustness of small object detection,which are unsuitable for practical application scenar-ios.Therefore,this paper proposes a new helmet-wearing detection algorithm based on the You Only Look Once version 5(YOLOv5).First,the Dilated convolution In Coordinate Attention(DICA)layer is added to the backbone network.DICA combines the coordinated attention mechanism with atrous convolution to replace the original convolution layer,which can increase the perceptual field of the network to get more contextual information.Also,it can reduce the network’s learning of unnecessary features in the background and get attention to small objects.Second,the Rebuild Bidirectional Feature Pyramid Network(Re-BiFPN)is used as a feature extraction network.Re-BiFPN uses cross-scale feature fusion to combine the semantic information features at the high level with the spatial information features at the bottom level,which facilitates the model to learn object features at different scales.Verified on the proposed“Helmet Wearing dataset for Non-motor Drivers(HWND),”the results show that the proposed model is superior to the current detection algorithms,with the mean average precision(mAP)of 94.3%under complex background.展开更多
The area of the pig’s face contains rich biological information,such as eyes,nose,and ear.The high-precision detection of pig face postures is crucial to the identification of pigs,and it can also provide fundamental...The area of the pig’s face contains rich biological information,such as eyes,nose,and ear.The high-precision detection of pig face postures is crucial to the identification of pigs,and it can also provide fundamental archival information for the study of abnormal behavioral characteristics and regularities.In this study,a series of attention blocks were embedded in Feature Pyramid Network(FPN)for automatic detection of the pig face posture in group-breeding environments.Firstly,the Channel Attention Block(CAB)and Position Attention Block(PAB)were proposed to capture the channel dependencies and the pixel-level long-range relationships,respectively.Secondly,a variety of attention modules are proposed to effectively combine the two kinds of attention information,specifically including Parallel Channel Position(PCP),Cascade Position Channel(CPC),and Cascade Channel Position(CCP),which fuse the channel and position attention information in both parallel or cascade ways.Finally,the verification experiments on three task networks with two backbone networks were conducted for different attention blocks or modules.A total of 45 pigs in 8 pigpens were used as the research objects.Experimental results show that attention-based models perform better.Especially,with Faster Region Convolutional Neural Network(Faster R-CNN)as the task network and ResNet101 as the backbone network,after the introduction of the PCP module,the Average Precision(AP)indicators of the face poses of Downward with head-on face(D-O),Downward with lateral face(D-L),Level with head-on face(L-O),Level with lateral face(L-L),Upward with head-on face(U-O),and Upward with lateral face(U-L)achieve 91.55%,90.36%,90.10%,90.05%,85.96%,and 87.92%,respectively.Ablation experiments show that the PAB attention block is not as effective as the CAB attention block,and the parallel combination method is better than the cascade manner.Taking Faster R-CNN as the task network and ResNet101 as the backbone network,the heatmap visualization of different layers of FPN before and after adding PCP shows that,compared with the non-PCP module,the PCP module can more easily aggregate denser and richer contextual information,this,in turn,enhances long-range dependencies to improve feature representation.At the same time,the model based on PCP attention can effectively detect the pig face posture of different ages,different scenes,and different light intensities,which can help lay the foundation for subsequent individual identification and behavior analysis of pigs.展开更多
基金funded by Liaoning Provincial Department of Education Project,Award number JYTMS20230418.
文摘Pest detection techniques are helpful in reducing the frequency and scale of pest outbreaks;however,their application in the actual agricultural production process is still challenging owing to the problems of interspecies similarity,multi-scale,and background complexity of pests.To address these problems,this study proposes an FD-YOLO pest target detection model.The FD-YOLO model uses a Fully Connected Feature Pyramid Network(FC-FPN)instead of a PANet in the neck,which can adaptively fuse multi-scale information so that the model can retain small-scale target features in the deep layer,enhance large-scale target features in the shallow layer,and enhance the multiplexing of effective features.A dual self-attention module(DSA)is then embedded in the C3 module of the neck,which captures the dependencies between the information in both spatial and channel dimensions,effectively enhancing global features.We selected 16 types of pests that widely damage field crops in the IP102 pest dataset,which were used as our dataset after data supplementation and enhancement.The experimental results showed that FD-YOLO’s mAP@0.5 improved by 6.8%compared to YOLOv5,reaching 82.6%and 19.1%–5%better than other state-of-the-art models.This method provides an effective new approach for detecting similar or multiscale pests in field crops.
文摘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.
文摘In this paper,based on a bidirectional parallel multi-branch feature pyramid network(BPMFPN),a novel one-stage object detector called BPMFPN Det is proposed for real-time detection of ground multi-scale targets by swarm unmanned aerial vehicles(UAVs).First,the bidirectional parallel multi-branch convolution modules are used to construct the feature pyramid to enhance the feature expression abilities of different scale feature layers.Next,the feature pyramid is integrated into the single-stage object detection framework to ensure real-time performance.In order to validate the effectiveness of the proposed algorithm,experiments are conducted on four datasets.For the PASCAL VOC dataset,the proposed algorithm achieves the mean average precision(mAP)of 85.4 on the VOC 2007 test set.With regard to the detection in optical remote sensing(DIOR)dataset,the proposed algorithm achieves 73.9 mAP.For vehicle detection in aerial imagery(VEDAI)dataset,the detection accuracy of small land vehicle(slv)targets reaches 97.4 mAP.For unmanned aerial vehicle detection and tracking(UAVDT)dataset,the proposed BPMFPN Det achieves the mAP of 48.75.Compared with the previous state-of-the-art methods,the results obtained by the proposed algorithm are more competitive.The experimental results demonstrate that the proposed algorithm can effectively solve the problem of real-time detection of ground multi-scale targets in aerial images of swarm UAVs.
基金The National Natural Science Foundation of China(No.61603091)。
文摘In order to improve the detection accuracy of small objects,a neighborhood fusion-based hierarchical parallel feature pyramid network(NFPN)is proposed.Unlike the layer-by-layer structure adopted in the feature pyramid network(FPN)and deconvolutional single shot detector(DSSD),where the bottom layer of the feature pyramid network relies on the top layer,NFPN builds the feature pyramid network with no connections between the upper and lower layers.That is,it only fuses shallow features on similar scales.NFPN is highly portable and can be embedded in many models to further boost performance.Extensive experiments on PASCAL VOC 2007,2012,and COCO datasets demonstrate that the NFPN-based SSD without intricate tricks can exceed the DSSD model in terms of detection accuracy and inference speed,especially for small objects,e.g.,4%to 5%higher mAP(mean average precision)than SSD,and 2%to 3%higher mAP than DSSD.On VOC 2007 test set,the NFPN-based SSD with 300×300 input reaches 79.4%mAP at 34.6 frame/s,and the mAP can raise to 82.9%after using the multi-scale testing strategy.
基金This work was supported in part by National Natural Science Foundation of China under Grant Nos.11725211,52005505,and 62001502Post-graduate Scientific Research Innovation Project of Hunan Province under Grant No.CX20200023.
文摘Deep learning for topology optimization has been extensively studied to reduce the cost of calculation in recent years.However,the loss function of the above method is mainly based on pixel-wise errors from the image perspective,which cannot embed the physical knowledge of topology optimization.Therefore,this paper presents an improved deep learning model to alleviate the above difficulty effectively.The feature pyramid network(FPN),a kind of deep learning model,is trained to learn the inherent physical law of topology optimization itself,of which the loss function is composed of pixel-wise errors and physical constraints.Since the calculation of physical constraints requires finite element analysis(FEA)with high calculating costs,the strategy of adjusting the time when physical constraints are added is proposed to achieve the balance between the training cost and the training effect.Then,two classical topology optimization problems are investigated to verify the effectiveness of the proposed method.The results show that the developed model using a small number of samples can quickly obtain the optimization structure without any iteration,which has not only high pixel-wise accuracy but also good physical performance.
基金Shenzhen Institute of Artificial Intelligence and Robotics for Society,Grant/Award Number:AC01202201003-02GuangDong Basic and Applied Basic Research Foundation,Grant/Award Number:2024A1515010252Longgang District Shenzhen's“Ten Action Plan”for Supporting Innovation Projects,Grant/Award Number:LGKCSDPT2024002。
文摘Audio-visual scene classification(AVSC)poses a formidable challenge owing to the intricate spatial-temporal relationships exhibited by audio-visual signals,coupled with the complex spatial patterns of objects and textures found in visual images.The focus of recent studies has predominantly revolved around extracting features from diverse neural network structures,inadvertently neglecting the acquisition of semantically meaningful regions and crucial components within audio-visual data.The authors present a feature pyramid attention network(FPANet)for audio-visual scene understanding,which extracts semantically significant characteristics from audio-visual data.The authors’approach builds multi-scale hierarchical features of sound spectrograms and visual images using a feature pyramid representation and localises the semantically relevant regions with a feature pyramid attention module(FPAM).A dimension alignment(DA)strategy is employed to align feature maps from multiple layers,a pyramid spatial attention(PSA)to spatially locate essential regions,and a pyramid channel attention(PCA)to pinpoint significant temporal frames.Experiments on visual scene classification(VSC),audio scene classification(ASC),and AVSC tasks demonstrate that FPANet achieves performance on par with state-of-the-art(SOTA)approaches,with a 95.9 F1-score on the ADVANCE dataset and a relative improvement of 28.8%.Visualisation results show that FPANet can prioritise semantically meaningful areas in audio-visual signals.
基金the National Natural Science Foundation of China(No.51975374)。
文摘Recent advances in convolution neural network (CNN) have fostered the progress in object recognition and semantic segmentation, which in turn has improved the performance of hyperspectral image (HSI) classification. Nevertheless, the difficulty of high dimensional feature extraction and the shortage of small training samples seriously hinder the future development of HSI classification. In this paper, we propose a novel algorithm for HSI classification based on three-dimensional (3D) CNN and a feature pyramid network (FPN), called 3D-FPN. The framework contains a principle component analysis, a feature extraction structure and a logistic regression. Specifically, the FPN built with 3D convolutions not only retains the advantages of 3D convolution to fully extract the spectral-spatial feature maps, but also concentrates on more detailed information and performs multi-scale feature fusion. This method avoids the excessive complexity of the model and is suitable for small sample hyperspectral classification with varying categories and spatial resolutions. In order to test the performance of our proposed 3D-FPN method, rigorous experimental analysis was performed on three public hyperspectral data sets and hyperspectral data of GF-5 satellite. Quantitative and qualitative results indicated that our proposed method attained the best performance among other current state-of-the-art end-to-end deep learning-based methods.
基金supported by the National Natural Science Foundation of China(No.62103298)。
文摘Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm for infrared images,F-YOLOv8,is proposed.First,a spatial-to-depth network replaces the traditional backbone network's strided convolution or pooling layer.At the same time,it combines with the channel attention mechanism so that the neural network focuses on the channels with large weight values to better extract low-resolution image feature information;then an improved feature pyramid network of lightweight bidirectional feature pyramid network(L-BiFPN)is proposed,which can efficiently fuse features of different scales.In addition,a loss function of insertion of union based on the minimum point distance(MPDIoU)is introduced for bounding box regression,which obtains faster convergence speed and more accurate regression results.Experimental results on the FLIR dataset show that the improved algorithm can accurately detect infrared road targets in real time with 3%and 2.2%enhancement in mean average precision at 50%IoU(mAP50)and mean average precision at 50%—95%IoU(mAP50-95),respectively,and 38.1%,37.3%and 16.9%reduction in the number of model parameters,the model weight,and floating-point operations per second(FLOPs),respectively.To further demonstrate the detection capability of the improved algorithm,it is tested on the public dataset PASCAL VOC,and the results show that F-YOLO has excellent generalized detection performance.
基金supported by the National Natural Science Foundation of China(Nos.62276204 and 62203343)the Fundamental Research Funds for the Central Universities(No.YJSJ24011)+1 种基金the Natural Science Basic Research Program of Shanxi,China(Nos.2022JM-340 and 2023-JC-QN-0710)the China Postdoctoral Science Foundation(Nos.2020T130494 and 2018M633470).
文摘Drone-based small object detection is of great significance in practical applications such as military actions, disaster rescue, transportation, etc. However, the severe scale differences in objects captured by drones and lack of detail information for small-scale objects make drone-based small object detection a formidable challenge. To address these issues, we first develop a mathematical model to explore how changing receptive fields impacts the polynomial fitting results. Subsequently, based on the obtained conclusions, we propose a simple but effective Hybrid Receptive Field Network (HRFNet), whose modules include Hybrid Feature Augmentation (HFA), Hybrid Feature Pyramid (HFP) and Dual Scale Head (DSH). Specifically, HFA employs parallel dilated convolution kernels of different sizes to extend shallow features with different receptive fields, committed to improving the multi-scale adaptability of the network;HFP enhances the perception of small objects by capturing contextual information across layers, while DSH reconstructs the original prediction head utilizing a set of high-resolution features and ultrahigh-resolution features. In addition, in order to train HRFNet, the corresponding dual-scale loss function is designed. Finally, comprehensive evaluation results on public benchmarks such as VisDrone-DET and TinyPerson demonstrate the robustness of the proposed method. Most impressively, the proposed HRFNet achieves a mAP of 51.0 on VisDrone-DET with 29.3 M parameters, which outperforms the extant state-of-the-art detectors. HRFNet also performs excellently in complex scenarios captured by drones, achieving the best performance on the CS-Drone dataset we built.
基金the National Natural Science Foundation of China(No.12064027)。
文摘Zn vapour is easily generated on the surface by fusion welding galvanized steel sheet,resulting in the formation of defects.Rapidly developing computer vision sensing technology collects weld images in the welding process,then obtains laser fringe information through digital image processing,identifies welding defects,and finally realizes online control of weld defects.The performance of a convolutional neural network is related to its structure and the quality of the input image.The acquired original images are labeled with LabelMe,and repeated attempts are made to determine the appropriate filtering and edge detection image preprocessing methods.Two-stage convolutional neural networks with different structures are built on the Tensorflow deep learning framework,different thresholds of intersection over union are set,and deep learning methods are used to evaluate the collected original images and the preprocessed images separately.Compared with the test results,the comprehensive performance of the improved feature pyramid networks algorithm based on the basic network VGG16 is lower than that of the basic network Resnet101.Edge detection of the image will significantly improve the accuracy of the model.Adding blur will reduce the accuracy of the model slightly;however,the overall performance of the improved algorithm is still relatively good,which proves the stability of the algorithm.The self-developed software inspection system can be used for image preprocessing and defect recognition,which can be used to record the number and location of typical defects in continuous welds.
文摘Techniques in deep learning have significantly boosted the accuracy and productivity of computer vision segmentation tasks.This article offers an intriguing architecture for semantic,instance,and panoptic segmentation using EfficientNet-B7 and Bidirectional Feature Pyramid Networks(Bi-FPN).When implemented in place of the EfficientNet-B5 backbone,EfficientNet-B7 strengthens the model’s feature extraction capabilities and is far more appropriate for real-world applications.By ensuring superior multi-scale feature fusion,Bi-FPN integration enhances the segmentation of complex objects across various urban environments.The design suggested is examined on rigorous datasets,encompassing Cityscapes,Common Objects in Context,KITTI Karlsruhe Institute of Technology and Toyota Technological Institute,and Indian Driving Dataset,which replicate numerous real-world driving conditions.During extensive training,validation,and testing,the model showcases major gains in segmentation accuracy and surpasses state-of-the-art performance in semantic,instance,and panoptic segmentation tasks.Outperforming present methods,the recommended approach generates noteworthy gains in Panoptic Quality:+0.4%on Cityscapes,+0.2%on COCO,+1.7%on KITTI,and+0.4%on IDD.These changes show just how efficient it is in various driving circumstances and datasets.This study emphasizes the potential of EfficientNet-B7 and Bi-FPN to provide dependable,high-precision segmentation in computer vision applications,primarily autonomous driving.The research results suggest that this framework efficiently tackles the constraints of practical situations while delivering a robust solution for high-performance tasks involving segmentation.
文摘Anchor-based detectors are widely used in object detection.To improve the accuracy of object detection,multiple anchor boxes are intensively placed on the input image,yet.Most of which are invalid.Although the anchor-free method can reduce the number of useless anchor boxes,the invalid ones still occupy a high proportion.On this basis,this paper proposes a multiscale center point object detection method based on parallel network to further reduce the number of useless anchor boxes.This study adopts the parallel network architecture of hourglass-104 and darknet-53 of which the first one outputs heatmaps to generate the center point for object feature location on the output attribute feature map of darknet-53.Combining feature pyramid and CIoU loss function,this algorithm is trained and tested on MSCOCO dataset,increasing the detection rate of target location and the accuracy rate of small object detection.Though resembling the state-of-the-art two-stage detectors in overall object detection accuracy,this algorithm is superior in speed.
文摘To detect bull’s-eye anomalies in low-frequency seismic inversion models,the study proposed an advanced method using an optimized you only look once version 7(YOLOv7)model.This model is enhanced by integrating advanced modules,including the bidirectional feature pyramid network(BiFPN),weighted intersection-over-union(wise-IoU),efficient channel attention(ECA),and atrous spatial pyramid pooling(ASPP).BiFPN facilitates robust feature extraction by enabling bidirectional information fl ow across network scales,which enhances the ability of the model to capture complex patterns in seismic inversion models.Wise-IoU improves the precision and fineness of reservoir feature localization through its weighted approach to IoU.Meanwhile,ECA optimizes interactions between channels,which promotes eff ective information exchange and enhances the overall response of the model to subtle inversion details.Lastly,the ASPP module strategically addresses spatial dependencies at multiple scales,which further enhances the ability of the model to identify complex reservoir structures.By synergistically integrating these advanced modules,the proposed model not only demonstrates superior performance in detecting bull’s-eye anomalies but also marks a pioneering step in utilizing cutting-edge deep learning technologies to enhance the accuracy and reliability of seismic reservoir prediction in oil and gas exploration.The results meet scientific literature standards and provide new perspectives on methodology,which makes significant contributions to ongoing eff orts to refine accurate and efficient prediction models for oil and gas exploration.
文摘Railway turnouts often develop defects such as chipping,cracks,and wear during use.If not detected and addressed promptly,these defects can pose significant risks to train operation safety and passenger security.Despite advances in defect detection technologies,research specifically targeting railway turnout defects remains limited.To address this gap,we collected images from railway inspectors and constructed a dataset of railway turnout defects in complex environments.To enhance detection accuracy,we propose an improved YOLOv8 model named YOLO-VSS-SOUP-Inner-CIoU(YOLO-VSI).The model employs a state-space model(SSM)to enhance the C2f module in the YOLOv8 backbone,proposed the C2f-VSS module to better capture long-range dependencies and contextual features,thus improving feature extraction in complex environments.In the network’s neck layer,we integrate SPDConv and Omni-Kernel Network(OKM)modules to improve the original PAFPN(Path Aggregation Feature Pyramid Network)structure,and proposed the Small Object Upgrade Pyramid(SOUP)structure to enhance small object detection capabilities.Additionally,the Inner-CIoU loss function with a scale factor is applied to further enhance the model’s detection capabilities.Compared to the baseline model,YOLO-VSI demonstrates a 3.5%improvement in average precision on our railway turnout dataset,showcasing increased accuracy and robustness.Experiments on the public NEU-DET dataset reveal a 2.3%increase in average precision over the baseline,indicating that YOLO-VSI has good generalization capabilities.
基金Supported by the Science Foundation of the Shaanxi Provincial Department of Science and Technology,General Program-Youth Program(2022JQ-695)the Scientific Research Program Funded by Education Department of Shaanxi Provincial Government(22JK0378)+1 种基金the Talent Program of Weinan Normal University(2021RC20)the Educational Reform Research Project(JG202342)。
文摘Floating wastes in rivers have specific characteristics such as small scale,low pixel density and complex backgrounds.These characteristics make it prone to false and missed detection during image analysis,thus resulting in a degradation of detection performance.In order to tackle these challenges,a floating waste detection algorithm based on YOLOv7 is proposed,which combines the improved GFPN(Generalized Feature Pyramid Network)and a long-range attention mechanism.Firstly,we import the improved GFPN to replace the Neck of YOLOv7,thus providing more effective information transmission that can scale into deeper networks.Secondly,the convolution-based and hardware-friendly long-range attention mechanism is introduced,allowing the algorithm to rapidly generate an attention map with a global receptive field.Finally,the algorithm adopts the WiseIoU optimization loss function to achieve adaptive gradient gain allocation and alleviate the negative impact of low-quality samples on the gradient.The simulation results reveal that the proposed algorithm has achieved a favorable average accuracy of 86.3%in real-time scene detection tasks.This marks a significant enhancement of approximately 6.3%compared with the baseline,indicating the algorithm's good performance in floating waste detection.
基金supported by the National Natural Science Foundation of China (31400074, 31471516, 31271747, and 30971809)the Natural Science Foundation of Heilongjiang Province of China(ZD201213)the Heilongjiang Postdoctoral Science Foundation(LBH-Q18025)。
文摘Mature soybean phenotyping is an important process in soybean breeding;however, the manual process is time-consuming and labor-intensive. Therefore, a novel approach that is rapid, accurate and highly precise is required to obtain the phenotypic data of soybean stems, pods and seeds. In this research, we propose a mature soybean phenotype measurement algorithm called Soybean Phenotype Measure-instance Segmentation(SPM-IS). SPM-IS is based on a feature pyramid network, Principal Component Analysis(PCA) and instance segmentation. We also propose a new method that uses PCA to locate and measure the length and width of a target object via image instance segmentation. After 60,000 iterations, the maximum mean Average Precision(m AP) of the mask and box was able to reach 95.7%. The correlation coefficients R^(2) of the manual measurement and SPM-IS measurement of the pod length, pod width, stem length, complete main stem length, seed length and seed width were 0.9755, 0.9872, 0.9692, 0.9803,0.9656, and 0.9716, respectively. The correlation coefficients R^(2) of the manual counting and SPM-IS counting of pods, stems and seeds were 0.9733, 0.9872, and 0.9851, respectively. The above results show that SPM-IS is a robust measurement and counting algorithm that can reduce labor intensity, improve efficiency and speed up the soybean breeding process.
基金funded by Natural Science Foundation of Hunan Province under Grant NO:2021JJ31142,author F.J,http://kjt.hunan.gov.cn/.
文摘Detecting non-motor drivers’helmets has significant implications for traffic control.Currently,most helmet detection methods are susceptible to the complex background and need more accuracy and better robustness of small object detection,which are unsuitable for practical application scenar-ios.Therefore,this paper proposes a new helmet-wearing detection algorithm based on the You Only Look Once version 5(YOLOv5).First,the Dilated convolution In Coordinate Attention(DICA)layer is added to the backbone network.DICA combines the coordinated attention mechanism with atrous convolution to replace the original convolution layer,which can increase the perceptual field of the network to get more contextual information.Also,it can reduce the network’s learning of unnecessary features in the background and get attention to small objects.Second,the Rebuild Bidirectional Feature Pyramid Network(Re-BiFPN)is used as a feature extraction network.Re-BiFPN uses cross-scale feature fusion to combine the semantic information features at the high level with the spatial information features at the bottom level,which facilitates the model to learn object features at different scales.Verified on the proposed“Helmet Wearing dataset for Non-motor Drivers(HWND),”the results show that the proposed model is superior to the current detection algorithms,with the mean average precision(mAP)of 94.3%under complex background.
基金supported by the National Natural Science Foundation of China(Grant No.31671571)the Shanxi Province Basic Research Program Project(Free Exploration)(Grant No.20210302124523,20210302123408,202103021224149,202103021223141)the Youth Agricultural Science and Technology Innovation Fund of Shanxi Agricultural University(Grant No.2019027).
文摘The area of the pig’s face contains rich biological information,such as eyes,nose,and ear.The high-precision detection of pig face postures is crucial to the identification of pigs,and it can also provide fundamental archival information for the study of abnormal behavioral characteristics and regularities.In this study,a series of attention blocks were embedded in Feature Pyramid Network(FPN)for automatic detection of the pig face posture in group-breeding environments.Firstly,the Channel Attention Block(CAB)and Position Attention Block(PAB)were proposed to capture the channel dependencies and the pixel-level long-range relationships,respectively.Secondly,a variety of attention modules are proposed to effectively combine the two kinds of attention information,specifically including Parallel Channel Position(PCP),Cascade Position Channel(CPC),and Cascade Channel Position(CCP),which fuse the channel and position attention information in both parallel or cascade ways.Finally,the verification experiments on three task networks with two backbone networks were conducted for different attention blocks or modules.A total of 45 pigs in 8 pigpens were used as the research objects.Experimental results show that attention-based models perform better.Especially,with Faster Region Convolutional Neural Network(Faster R-CNN)as the task network and ResNet101 as the backbone network,after the introduction of the PCP module,the Average Precision(AP)indicators of the face poses of Downward with head-on face(D-O),Downward with lateral face(D-L),Level with head-on face(L-O),Level with lateral face(L-L),Upward with head-on face(U-O),and Upward with lateral face(U-L)achieve 91.55%,90.36%,90.10%,90.05%,85.96%,and 87.92%,respectively.Ablation experiments show that the PAB attention block is not as effective as the CAB attention block,and the parallel combination method is better than the cascade manner.Taking Faster R-CNN as the task network and ResNet101 as the backbone network,the heatmap visualization of different layers of FPN before and after adding PCP shows that,compared with the non-PCP module,the PCP module can more easily aggregate denser and richer contextual information,this,in turn,enhances long-range dependencies to improve feature representation.At the same time,the model based on PCP attention can effectively detect the pig face posture of different ages,different scenes,and different light intensities,which can help lay the foundation for subsequent individual identification and behavior analysis of pigs.