期刊文献+
共找到6,603篇文章
< 1 2 250 >
每页显示 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
Robust and Discriminative Feature Learning via Mutual Information Maximization for Object Detection in Aerial Images
2
作者 Xu Sun Yinhui Yu Qing Cheng 《Computers, Materials & Continua》 SCIE EI 2024年第9期4149-4171,共23页
Object detection in unmanned aerial vehicle(UAV)aerial images has become increasingly important in military and civil applications.General object detection models are not robust enough against interclass similarity an... Object detection in unmanned aerial vehicle(UAV)aerial images has become increasingly important in military and civil applications.General object detection models are not robust enough against interclass similarity and intraclass variability of small objects,and UAV-specific nuisances such as uncontrolledweather conditions.Unlike previous approaches focusing on high-level semantic information,we report the importance of underlying features to improve detection accuracy and robustness fromthe information-theoretic perspective.Specifically,we propose a robust and discriminative feature learning approach through mutual information maximization(RD-MIM),which can be integrated into numerous object detection methods for aerial images.Firstly,we present the rank sample mining method to reduce underlying feature differences between the natural image domain and the aerial image domain.Then,we design a momentum contrast learning strategy to make object features similar to the same category and dissimilar to different categories.Finally,we construct a transformer-based global attention mechanism to boost object location semantics by leveraging the high interrelation of different receptive fields.We conduct extensive experiments on the VisDrone and Unmanned Aerial Vehicle Benchmark Object Detection and Tracking(UAVDT)datasets to prove the effectiveness of the proposed method.The experimental results show that our approach brings considerable robustness gains to basic detectors and advanced detection methods,achieving relative growth rates of 51.0%and 39.4%in corruption robustness,respectively.Our code is available at https://github.com/cq100/RD-MIM(accessed on 2 August 2024). 展开更多
关键词 Aerial images object detection mutual information contrast learning attention mechanism
下载PDF
Learning Discriminatory Information for Object Detection on Urine Sediment Image
3
作者 Sixian Chan Binghui Wu +2 位作者 Guodao Zhang Yuan Yao Hongqiang Wang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第1期411-428,共18页
In clinical practice,the microscopic examination of urine sediment is considered an important in vitro examination with many broad applications.Measuring the amount of each type of urine sediment allows for screening,... In clinical practice,the microscopic examination of urine sediment is considered an important in vitro examination with many broad applications.Measuring the amount of each type of urine sediment allows for screening,diagnosis and evaluation of kidney and urinary tract disease,providing insight into the specific type and severity.However,manual urine sediment examination is labor-intensive,time-consuming,and subjective.Traditional machine learning based object detection methods require hand-crafted features for localization and classification,which have poor generalization capabilities and are difficult to quickly and accurately detect the number of urine sediments.Deep learning based object detection methods have the potential to address the challenges mentioned above,but these methods require access to large urine sediment image datasets.Unfortunately,only a limited number of publicly available urine sediment datasets are currently available.To alleviate the lack of urine sediment datasets in medical image analysis,we propose a new dataset named UriSed2K,which contains 2465 high-quality images annotated with expert guidance.Two main challenges are associated with our dataset:a large number of small objects and the occlusion between these small objects.Our manuscript focuses on applying deep learning object detection methods to the urine sediment dataset and addressing the challenges presented by this dataset.Specifically,our goal is to improve the accuracy and efficiency of the detection algorithm and,in doing so,provide medical professionals with an automatic detector that saves time and effort.We propose an improved lightweight one-stage object detection algorithm called Discriminatory-YOLO.The proposed algorithm comprises a local context attention module and a global background suppression module,which aid the detector in distinguishing urine sediment features in the image.The local context attention module captures context information beyond the object region,while the global background suppression module emphasizes objects in uninformative backgrounds.We comprehensively evaluate our method on the UriSed2K dataset,which includes seven categories of urine sediments,such as erythrocytes(red blood cells),leukocytes(white blood cells),epithelial cells,crystals,mycetes,broken erythrocytes,and broken leukocytes,achieving the best average precision(AP)of 95.3%while taking only 10 ms per image.The source code and dataset are available at https://github.com/binghuiwu98/discriminatoryyolov5. 展开更多
关键词 object detection attention mechanism medical image urine sediment
下载PDF
Multi-Label Image Classification Based on Object Detection and Dynamic Graph Convolutional Networks
4
作者 Xiaoyu Liu Yong Hu 《Computers, Materials & Continua》 SCIE EI 2024年第9期4413-4432,共20页
Multi-label image classification is recognized as an important task within the field of computer vision,a discipline that has experienced a significant escalation in research endeavors in recent years.The widespread a... Multi-label image classification is recognized as an important task within the field of computer vision,a discipline that has experienced a significant escalation in research endeavors in recent years.The widespread adoption of convolutional neural networks(CNNs)has catalyzed the remarkable success of architectures such as ResNet-101 within the domain of image classification.However,inmulti-label image classification tasks,it is crucial to consider the correlation between labels.In order to improve the accuracy and performance of multi-label classification and fully combine visual and semantic features,many existing studies use graph convolutional networks(GCN)for modeling.Object detection and multi-label image classification exhibit a degree of conceptual overlap;however,the integration of these two tasks within a unified framework has been relatively underexplored in the existing literature.In this paper,we come up with Object-GCN framework,a model combining object detection network YOLOv5 and graph convolutional network,and we carry out a thorough experimental analysis using a range of well-established public datasets.The designed framework Object-GCN achieves significantly better performance than existing studies in public datasets COCO2014,VOC2007,VOC2012.The final results achieved are 86.9%,96.7%,and 96.3%mean Average Precision(mAP)across the three datasets. 展开更多
关键词 Deep learning multi-label image recognition object detection graph convolution networks
下载PDF
Oriented Bounding Box Object Detection Model Based on Improved YOLOv8
5
作者 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
Real-time image processing and display in object size detection based on VC++ 被引量:2
6
作者 翟亚宇 潘晋孝 +1 位作者 刘宾 陈平 《Journal of Measurement Science and Instrumentation》 CAS 2014年第4期40-45,共6页
Real-time detection for object size has now become a hot topic in the testing field and image processing is the core algorithm. This paper focuses on the processing and display of the collected dynamic images to achie... Real-time detection for object size has now become a hot topic in the testing field and image processing is the core algorithm. This paper focuses on the processing and display of the collected dynamic images to achieve a real-time image pro- cessing for the moving objects. Firstly, the median filtering, gain calibration, image segmentation, image binarization, cor- ner detection and edge fitting are employed to process the images of the moving objects to make the image close to the real object. Then, the processed images are simultaneously displayed on a real-time basis to make it easier to analyze, understand and identify them, and thus it reduces the computation complexity. Finally, human-computer interaction (HCI)-friendly in- terface based on VC ++ is designed to accomplish the digital logic transform, image processing and real-time display of the objects. The experiment shows that the proposed algorithm and software design have better real-time performance and accu- racy which can meet the industrial needs. 展开更多
关键词 size detection real-time image processing and display gain calibration edge fitting
下载PDF
An object detection approach with residual feature fusion and second-order term attention mechanism
7
作者 Cuijin Li Zhong Qu Shengye Wang 《CAAI Transactions on Intelligence Technology》 SCIE EI 2024年第2期411-424,共14页
Automatically detecting and locating remote occlusion small objects from the images of complex traffic environments is a valuable and challenging research.Since the boundary box location is not sufficiently accurate a... Automatically detecting and locating remote occlusion small objects from the images of complex traffic environments is a valuable and challenging research.Since the boundary box location is not sufficiently accurate and it is difficult to distinguish overlapping and occluded objects,the authors propose a network model with a second-order term attention mechanism and occlusion loss.First,the backbone network is built on CSPDarkNet53.Then a method is designed for the feature extraction network based on an item-wise attention mechanism,which uses the filtered weighted feature vector to replace the original residual fusion and adds a second-order term to reduce the information loss in the process of fusion and accelerate the convergence of the model.Finally,an objected occlusion regression loss function is studied to reduce the problems of missed detections caused by dense objects.Sufficient experimental results demonstrate that the authors’method achieved state-of-the-art performance without reducing the detection speed.The mAP@.5 of the method is 85.8%on the Foggy_cityscapes dataset and the mAP@.5 of the method is 97.8%on the KITTI dataset. 展开更多
关键词 artificial intelligence computer vision image processing machine learning neural network object recognition
下载PDF
Damage detection with image processing: a comparative study 被引量:2
8
作者 Marianna Crognale Melissa De Iuliis +1 位作者 Cecilia Rinaldi Vincenzo Gattulli 《Earthquake Engineering and Engineering Vibration》 SCIE EI CSCD 2023年第2期333-345,共13页
Large structures,such as bridges,highways,etc.,need to be inspected to evaluate their actual physical and functional condition,to predict future conditions,and to help decision makers allocating maintenance and rehabi... Large structures,such as bridges,highways,etc.,need to be inspected to evaluate their actual physical and functional condition,to predict future conditions,and to help decision makers allocating maintenance and rehabilitation resources.The assessment of civil infrastructure condition is carried out through information obtained by inspection and/or monitoring operations.Traditional techniques in structural health monitoring(SHM)involve visual inspection related to inspection standards that can be time-consuming data collection,expensive,labor intensive,and dangerous.To address these limitations,machine vision-based inspection procedures have increasingly been investigated within the research community.In this context,this paper proposes and compares four different computer vision procedures to identify damage by image processing:Otsu method thresholding,Markov random fields segmentation,RGB color detection technique,and K-means clustering algorithm.The first method is based on segmentation by thresholding that returns a binary image from a grayscale image.The Markov random fields technique uses a probabilistic approach to assign labels to model the spatial dependencies in image pixels.The RGB technique uses color detection to evaluate the defect extensions.Finally,K-means algorithm is based on Euclidean distance for clustering of the images.The benefits and limitations of each technique are discussed,and the challenges of using the techniques are highlighted.To show the effectiveness of the described techniques in damage detection of civil infrastructures,a case study is presented.Results show that various types of corrosion and cracks can be detected by image processing techniques making the proposed techniques a suitable tool for the prediction of the damage evolution in civil infrastructures. 展开更多
关键词 damage detection image processing image classification civil infrastructure inspection structural health monitoring analysis
下载PDF
An Efficient Method for Underwater Video Summarization and Object Detection Using YoLoV3
9
作者 Mubashir Javaid Muazzam Maqsood +2 位作者 Farhan Aadil Jibran Safdar Yongsung Kim 《Intelligent Automation & Soft Computing》 SCIE 2023年第2期1295-1310,共16页
Currently,worldwide industries and communities are concerned with building,expanding,and exploring the assets and resources found in the oceans and seas.More precisely,to analyze a stock,archaeology,and surveillance,s... Currently,worldwide industries and communities are concerned with building,expanding,and exploring the assets and resources found in the oceans and seas.More precisely,to analyze a stock,archaeology,and surveillance,sev-eral cameras are installed underseas to collect videos.However,on the other hand,these large size videos require a lot of time and memory for their processing to extract relevant information.Hence,to automate this manual procedure of video assessment,an accurate and efficient automated system is a greater necessity.From this perspective,we intend to present a complete framework solution for the task of video summarization and object detection in underwater videos.We employed a perceived motion energy(PME)method tofirst extract the keyframes followed by an object detection model approach namely YoloV3 to perform object detection in underwater videos.The issues of blurriness and low contrast in underwater images are also taken into account in the presented approach by applying the image enhancement method.Furthermore,the suggested framework of underwater video summarization and object detection has been evaluated on a publicly available brackish dataset.It is observed that the proposed framework shows good performance and hence ultimately assists several marine researchers or scientists related to thefield of underwater archaeology,stock assessment,and surveillance. 展开更多
关键词 Computer vision deep learning digital image processing underwater video analysis video summarization object detection YOLOV3
下载PDF
Automated cone photoreceptor cell identication in confocal adaptive optics scanning laser ophthalmoscope images based on object detection 被引量:1
10
作者 Yiwei Chen Yi He +4 位作者 Jing Wang Wanyue Li Lina Xing Xin Zhang Guohua Shi 《Journal of Innovative Optical Health Sciences》 SCIE EI CAS 2022年第1期103-109,共7页
Cone photoreceptor cell identication is important for the early diagnosis of retinopathy.In this study,an object detection algorithm is used for cone cell identication in confocal adaptive optics scanning laser ophtha... Cone photoreceptor cell identication is important for the early diagnosis of retinopathy.In this study,an object detection algorithm is used for cone cell identication in confocal adaptive optics scanning laser ophthalmoscope(AOSLO)images.An effectiveness evaluation of identication using the proposed method reveals precision,recall,and F_(1)-score of 95.8%,96.5%,and 96.1%,respectively,considering manual identication as the ground truth.Various object detection and identication results from images with different cone photoreceptor cell distributions further demonstrate the performance of the proposed method.Overall,the proposed method can accurately identify cone photoreceptor cells on confocal adaptive optics scanning laser ophthalmoscope images,being comparable to manual identication. 展开更多
关键词 Biomedical image processing retinal imaging adaptive optics scanning laser ophthalmoscope object detection.
下载PDF
Realtime Object Detection Through M-ResNet in Video Surveillance System 被引量:1
11
作者 S.Prabu J.M.Gnanasekar 《Intelligent Automation & Soft Computing》 SCIE 2023年第2期2257-2271,共15页
Object detection plays a vital role in the video surveillance systems.To enhance security,surveillance cameras are now installed in public areas such as traffic signals,roadways,retail malls,train stations,and banks.Ho... Object detection plays a vital role in the video surveillance systems.To enhance security,surveillance cameras are now installed in public areas such as traffic signals,roadways,retail malls,train stations,and banks.However,monitor-ing the video continually at a quicker pace is a challenging job.As a consequence,security cameras are useless and need human monitoring.The primary difficulty with video surveillance is identifying abnormalities such as thefts,accidents,crimes,or other unlawful actions.The anomalous action does not occur at a high-er rate than usual occurrences.To detect the object in a video,first we analyze the images pixel by pixel.In digital image processing,segmentation is the process of segregating the individual image parts into pixels.The performance of segmenta-tion is affected by irregular illumination and/or low illumination.These factors highly affect the real-time object detection process in the video surveillance sys-tem.In this paper,a modified ResNet model(M-Resnet)is proposed to enhance the image which is affected by insufficient light.Experimental results provide the comparison of existing method output and modification architecture of the ResNet model shows the considerable amount improvement in detection objects in the video stream.The proposed model shows better results in the metrics like preci-sion,recall,pixel accuracy,etc.,andfinds a reasonable improvement in the object detection. 展开更多
关键词 object detection ResNet video survilence image processing object quality
下载PDF
Automatic recognition of defects in plasma-facing material using image processing technology
12
作者 吕建骅 牛春杰 +3 位作者 崔运秋 陈超 倪维元 范红玉 《Plasma Science and Technology》 SCIE EI CAS CSCD 2023年第12期122-130,共9页
Observing and analyzing surface images is critical for studying the interaction between plasma and irradiated plasma-facing materials.This paper presents a method for the automatic recognition of bubbles in transmissi... Observing and analyzing surface images is critical for studying the interaction between plasma and irradiated plasma-facing materials.This paper presents a method for the automatic recognition of bubbles in transmission electron microscope(TEM)images of W nanofibers using image processing techniques and convolutional neural network(CNN).We employ a three-stage approach consisting of Otsu,local-threshold,and watershed segmentation to extract bubbles from noisy images.To address over-segmentation,we propose a combination of area factor and radial pixel intensity scanning.A CNN is used to recognize bubbles,outperforming traditional neural network models such as Alex Net and Google Net with an accuracy of 97.1%and recall of 98.6%.Our method is tested on both clear and blurred TEM images,and demonstrates humanlike performance in recognizing bubbles.This work contributes to the development of quantitative image analysis in the field of plasma-material interactions,offering a scalable solution for analyzing material defects.Overall,this study's findings establish the potential for automatic defect recognition and its applications in the assessment of plasma-material interactions.This method can be employed in a variety of specialties,including plasma physics and materials science. 展开更多
关键词 image processing automatic defect analysis object detection convolutional neural network
下载PDF
Robust Deep Transfer Learning Based Object Detection and Tracking Approach
13
作者 C.Narmadha T.Kavitha +4 位作者 R.Poonguzhali V.Hamsadhwani Ranjan walia Monia B.Jegajothi 《Intelligent Automation & Soft Computing》 SCIE 2023年第3期3613-3626,共14页
At present days,object detection and tracking concepts have gained more importance among researchers and business people.Presently,deep learning(DL)approaches have been used for object tracking as it increases the per... At present days,object detection and tracking concepts have gained more importance among researchers and business people.Presently,deep learning(DL)approaches have been used for object tracking as it increases the perfor-mance and speed of the tracking process.This paper presents a novel robust DL based object detection and tracking algorithm using Automated Image Anno-tation with ResNet based Faster regional convolutional neural network(R-CNN)named(AIA-FRCNN)model.The AIA-RFRCNN method performs image anno-tation using a Discriminative Correlation Filter(DCF)with Channel and Spatial Reliability tracker(CSR)called DCF-CSRT model.The AIA-RFRCNN model makes use of Faster RCNN as an object detector and tracker,which involves region proposal network(RPN)and Fast R-CNN.The RPN is a full convolution network that concurrently predicts the bounding box and score of different objects.The RPN is a trained model used for the generation of the high-quality region proposals,which are utilized by Fast R-CNN for detection process.Besides,Residual Network(ResNet 101)model is used as a shared convolutional neural network(CNN)for the generation of feature maps.The performance of the ResNet 101 model is further improved by the use of Adam optimizer,which tunes the hyperparameters namely learning rate,batch size,momentum,and weight decay.Finally,softmax layer is applied to classify the images.The performance of the AIA-RFRCNN method has been assessed using a benchmark dataset and a detailed comparative analysis of the results takes place.The outcome of the experiments indicated the superior characteristics of the AIA-RFRCNN model under diverse aspects. 展开更多
关键词 object detection TRACKING deep learning deep transfer learning image annotation
下载PDF
Object Detection in Remote Sensing Images Using Picture Fuzzy Clustering and MapReduce 被引量:1
14
作者 Tran Manh Tuan Tran Thi Ngan Nguyen Tu Trung 《Computer Systems Science & Engineering》 SCIE EI 2022年第12期1241-1253,共13页
In image processing, one of the most important steps is image segmentation. The objects in remote sensing images often have to be detected in order toperform next steps in image processing. Remote sensing images usua... In image processing, one of the most important steps is image segmentation. The objects in remote sensing images often have to be detected in order toperform next steps in image processing. Remote sensing images usually havelarge size and various spatial resolutions. Thus, detecting objects in remote sensing images is very complicated. In this paper, we develop a model to detectobjects in remote sensing images based on the combination of picture fuzzy clustering and MapReduce method (denoted as MPFC). Firstly, picture fuzzy clustering is applied to segment the input images. Then, MapReduce is used to reducethe runtime with the guarantee of quality. To convert data for MapReduce processing, two new procedures are introduced, including Map_PFC and Reduce_PFC.The formal representation and details of two these procedures are presented in thispaper. The experiments on satellite image and remote sensing image datasets aregiven to evaluate proposed model. Validity indices and time consuming are usedto compare proposed model to picture fuzzy clustering model. The values ofvalidity indices show that picture fuzzy clustering integrated to MapReduce getsbetter quality of segmentation than using picture fuzzy clustering only. Moreover,on two selected image datasets, the run time of MPFC model is much less thanthat of picture fuzzy clustering. 展开更多
关键词 Remote sensing images picture fuzzy clustering image segmentation object detection MAPREDUCE
下载PDF
Compressive sensing for small moving space object detection in astronomical images
15
作者 Rui Yao Yanning Zhang 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2012年第3期378-384,共7页
It is known that detecting small moving objects in as- tronomical image sequences is a significant research problem in space surveillance. The new theory, compressive sensing, pro- vides a very easy and computationall... It is known that detecting small moving objects in as- tronomical image sequences is a significant research problem in space surveillance. The new theory, compressive sensing, pro- vides a very easy and computationally cheap coding scheme for onboard astronomical remote sensing. An algorithm for small moving space object detection and localization is proposed. The algorithm determines the measurements of objects by comparing the difference between the measurements of the current image and the measurements of the background scene. In contrast to reconstruct the whole image, only a foreground image is recon- structed, which will lead to an effective computational performance, and a high level of localization accuracy is achieved. Experiments and analysis are provided to show the performance of the pro- posed approach on detection and localization. 展开更多
关键词 compressive sensing small space object detection localization astronomical image.
下载PDF
Vision-based aerial image mosaicking algorithm with object detection
16
作者 HAN Jun LI Weixing +1 位作者 FENG Kai PAN Feng 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2022年第2期259-268,共10页
Aerial image sequence mosaicking is one of the chal-lenging research fields in computer vision.To obtain large-scale orthophoto maps with object detection information,we propose a vision-based image mosaicking algorit... Aerial image sequence mosaicking is one of the chal-lenging research fields in computer vision.To obtain large-scale orthophoto maps with object detection information,we propose a vision-based image mosaicking algorithm without any extra location data.According to object detection results,we define a complexity factor to describe the importance of each input ima-ge and dynamically optimize the feature extraction process.The feature points extraction and matching processes are mainly guided by the speeded-up robust features(SURF)and the grid motion statistic(GMS)algorithm respectively.A robust refer-ence frame selection method is proposed to eliminate the trans-formation distortion by searching for the center area based on overlaps.Besides,the sparse Levenberg-Marquardt(LM)al-gorithm and the heavy occluded frames removal method are ap-plied to reduce accumulated errors and further improve the mo-saicking performance.The proposed algorithm is performed by using multithreading and graphics processing unit(GPU)accel-eration on several aerial image datasets.Extensive experiment results demonstrate that our algorithm outperforms most of the existing aerial image mosaicking methods in visual quality while guaranteeing a high calculation speed. 展开更多
关键词 image mosaicking object detection grid motion statistic(GMS) MAPPING
下载PDF
Spatial-Resolution Independent Object Detection Framework for Aerial Imagery
17
作者 Sidharth Samanta Mrutyunjaya Panda +2 位作者 Somula Ramasubbareddy SSankar Daniel Burgos 《Computers, Materials & Continua》 SCIE EI 2021年第8期1937-1948,共12页
Earth surveillance through aerial images allows more accurate identification and characterization of objects present on the surface from space and airborne platforms.The progression of deep learning and computer visio... Earth surveillance through aerial images allows more accurate identification and characterization of objects present on the surface from space and airborne platforms.The progression of deep learning and computer vision methods and the availability of heterogeneous multispectral remote sensing data make the field more fertile for research.With the evolution of optical sensors,aerial images are becoming more precise and larger,which leads to a new kind of problem for object detection algorithms.This paper proposes the“Sliding Region-based Convolutional Neural Network(SRCNN),”which is an extension of the Faster Region-based Convolutional Neural Network(RCNN)object detection framework to make it independent of the image’s spatial resolution and size.The sliding box strategy is used in the proposed model to segment the image while detecting.The proposed framework outperforms the state-of-the-art Faster RCNN model while processing images with significantly different spatial resolution values.The SRCNN is also capable of detecting objects in images of any size. 展开更多
关键词 Computer vision deep learning multispectral images remote sensing object detection convolutional neural network faster RCNN sliding box strategy
下载PDF
Automated detection and identification of white-backed planthoppers in paddy fields using image processing 被引量:14
18
作者 YAO Qing CHEN Guo-te +3 位作者 WANG Zheng ZHANG Chao YANG Bao-jun TANG Jian 《Journal of Integrative Agriculture》 SCIE CAS CSCD 2017年第7期1547-1557,共11页
A survey of the population densities of rice planthoppers is important for forecasting decisions and efficient control. Tra- ditional manual surveying of rice planthoppers is time-consuming, fatiguing, and subjective.... A survey of the population densities of rice planthoppers is important for forecasting decisions and efficient control. Tra- ditional manual surveying of rice planthoppers is time-consuming, fatiguing, and subjective. A new three-layer detection method was proposed to detect and identify white-backed planthoppers (WBPHs, Sogatella furcifera (Horvath)) and their developmental stages using image processing. In the first two detection layers, we used an AdaBoost classifier that was trained on a histogram of oriented gradient (HOG) features and a support vector machine (SVM) classifier that was trained on Gabor and Local Binary Pattern (LBP) features to detect WBPHs and remove impurities. We achieved a detection rate of 85.6% and a false detection rate of 10.2%. In the third detection layer, a SVM classifier that was trained on the HOG features was used to identify the different developmental stages of the WBPHs, and we achieved an identification rate of 73.1%, a false identification rate of 23.3%, and a 5.6% false detection rate for the images without WBPHs. The proposed three-layer detection method is feasible and effective for the identification of different developmental stages of planthoppers on rice plants in paddy fields. 展开更多
关键词 white-backed planthopper developmental stage automated detection and identification image processing histogram of oriented gradient features gabor features local binary pattern features
下载PDF
Edge detection of potential field data based on image processing methods 被引量:2
19
作者 TAN Xiaodi ZHANG Dailei MA Guoqing 《Global Geology》 2018年第2期134-142,共9页
The conventional methods of edge detection can roughly delineate edge position of geological bodies,but there are still some problems such as low detection accuracy and being susceptible to noise interference.In this ... The conventional methods of edge detection can roughly delineate edge position of geological bodies,but there are still some problems such as low detection accuracy and being susceptible to noise interference.In this paper,three image processing methods,Canny,Lo G and Sobel operators are briefly introduced,and applied to edge detection to determine the edge of geological bodies.Furthermore,model data is built to analyze the edge detection ability of this image processing methods,and compare with conventional methods.Combined with gravity anomaly of Sichuan basin and magnetic anomaly of Zhurihe area,the detection effect of image processing methods is further verified in real data.The results show that image processing methods can be applied to effectively identify the edge of geological bodies.Moreover,when both positive and negative anomalies exist and noise is abundant,fake edge can be avoided and edge division is clearer,and satisfactory results of edge detection are obtained. 展开更多
关键词 EDGE detection image processing CANNY OPERATOR LOG OPERATOR SOBEL OPERATOR
下载PDF
Research of the image processing in dynamic flatness detection based on improved laser triangular method 被引量:1
20
作者 徐宏喆 刘凯 +2 位作者 彭晓晖 李盼 李越 《Journal of Pharmaceutical Analysis》 SCIE CAS 2008年第3期168-171,共4页
As a commonly used non-contact flatness detection method, laser triangular detection method is designed with low cost, but it cannot avoid measurement errors caused by strip steel vibration effectively. This paper put... As a commonly used non-contact flatness detection method, laser triangular detection method is designed with low cost, but it cannot avoid measurement errors caused by strip steel vibration effectively. This paper puts forward a dynamic flatness image processing method based on improved laser triangular detection method. According to the practical application of strip steel straightening, it completes the image pre-processing, image feature curve extraction and calculation of flatness elongation using digital image processing technology. Finally it eliminates elongation measurement errors caused by the vibration. 展开更多
关键词 flatness detection image processing elongation calculation
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部