期刊文献+
共找到4,898篇文章
< 1 2 245 >
每页显示 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
Learning Discriminatory Information for Object Detection on Urine Sediment Image
2
作者 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
Robust and Discriminative Feature Learning via Mutual Information Maximization for Object Detection in Aerial Images
3
作者 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
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
SADDLE-POINT BASED SEPARATION OF TOUCHED OBJECTS IN 2-D IMAGE 被引量:5
5
作者 Chen Ken Larry E. Banta Jiang Gangyi 《Journal of Electronics(China)》 2006年第3期452-456,共5页
In many image analysis and processing problems, discriminating the size and shape of each individual object in an aggregate pile projected in an image is an important practice. It is relatively easy to distinguish the... In many image analysis and processing problems, discriminating the size and shape of each individual object in an aggregate pile projected in an image is an important practice. It is relatively easy to distinguish these features among the objects already separated from each other. The problems will be undoubtedly more complex and of greater challenge if the objects are touched or/and overlapped. This letter presents an algorithm that can be used to separate the touches and overlaps existing in the objects within a 2-D image. The approach is first to convert the gray-scale image to its corresponding binary one and then to the 3-D topographic one using the erosion operations. A template (or mask) is engineered to search the topographic surface for the saddle point, from which the segmenting orientation is determined followed by the desired separating operation. The algorithm is tested on a real image and the running result is adequately satisfying and encouraging. 展开更多
关键词 image processing Segmentation objects separation Morphological processing Touch and overlap Aggregates images
下载PDF
MOVING OBJECT TRACKING IN DYNAMIC IMAGE SEQUENCE BASED ON ESTIMATION OF MOTION VECTORS OF FEATURE POINTS 被引量:2
6
作者 黎宁 周建江 张星星 《Transactions of Nanjing University of Aeronautics and Astronautics》 EI 2009年第4期295-300,共6页
An improved estimation of motion vectors of feature points is proposed for tracking moving objects of dynamic image sequence. Feature points are firstly extracted by the improved minimum intensity change (MIC) algor... An improved estimation of motion vectors of feature points is proposed for tracking moving objects of dynamic image sequence. Feature points are firstly extracted by the improved minimum intensity change (MIC) algorithm. The matching points of these feature points are then determined by adaptive rood pattern searching. Based on the random sample consensus (RANSAC) method, the background motion is finally compensated by the parameters of an affine transform of the background motion. With reasonable morphological filtering, the moving objects are completely extracted from the background, and then tracked accurately. Experimental results show that the improved method is successful on the motion background compensation and offers great promise in tracking moving objects of the dynamic image sequence. 展开更多
关键词 motion compensation motion estimation feature extraction moving object tracking dynamic image sequence
下载PDF
From Concrete Object "Tress" of English Poems to Abstract Image in Chinese Counterparts
7
作者 刘桂兰 《Sino-US English Teaching》 2007年第1期62-65,共4页
Image is an important and creative way to express poets" feelings in both Chinese and English poetry. There are concrete representations and abstract concept in image. They are two key notions in Poetics and Aestheti... Image is an important and creative way to express poets" feelings in both Chinese and English poetry. There are concrete representations and abstract concept in image. They are two key notions in Poetics and Aesthetics. This paper is to show the different versions of "tress" in poems and to explore the exact nature of concepts of sensitive affection in English and Chinese, so as to appreciate the artistic beauty of images. 展开更多
关键词 POETRY image concrete object abstract concept IMPLICATION
下载PDF
Road Traffic Monitoring from Aerial Images Using Template Matching and Invariant Features 被引量:1
8
作者 Asifa Mehmood Qureshi Naif Al Mudawi +2 位作者 Mohammed Alonazi Samia Allaoua Chelloug Jeongmin Park 《Computers, Materials & Continua》 SCIE EI 2024年第3期3683-3701,共19页
Road traffic monitoring is an imperative topic widely discussed among researchers.Systems used to monitor traffic frequently rely on cameras mounted on bridges or roadsides.However,aerial images provide the flexibilit... Road traffic monitoring is an imperative topic widely discussed among researchers.Systems used to monitor traffic frequently rely on cameras mounted on bridges or roadsides.However,aerial images provide the flexibility to use mobile platforms to detect the location and motion of the vehicle over a larger area.To this end,different models have shown the ability to recognize and track vehicles.However,these methods are not mature enough to produce accurate results in complex road scenes.Therefore,this paper presents an algorithm that combines state-of-the-art techniques for identifying and tracking vehicles in conjunction with image bursts.The extracted frames were converted to grayscale,followed by the application of a georeferencing algorithm to embed coordinate information into the images.The masking technique eliminated irrelevant data and reduced the computational cost of the overall monitoring system.Next,Sobel edge detection combined with Canny edge detection and Hough line transform has been applied for noise reduction.After preprocessing,the blob detection algorithm helped detect the vehicles.Vehicles of varying sizes have been detected by implementing a dynamic thresholding scheme.Detection was done on the first image of every burst.Then,to track vehicles,the model of each vehicle was made to find its matches in the succeeding images using the template matching algorithm.To further improve the tracking accuracy by incorporating motion information,Scale Invariant Feature Transform(SIFT)features have been used to find the best possible match among multiple matches.An accuracy rate of 87%for detection and 80%accuracy for tracking in the A1 Motorway Netherland dataset has been achieved.For the Vehicle Aerial Imaging from Drone(VAID)dataset,an accuracy rate of 86%for detection and 78%accuracy for tracking has been achieved. 展开更多
关键词 Unmanned Aerial Vehicles(UAV) aerial images DATASET object detection object tracking data elimination template matching blob detection SIFT VAID
下载PDF
Objective Fitting Evaluation Model for Dressing Fit Based on Wrinkle Index of Dressing Image 被引量:2
9
作者 ZHANG Mengmeng ZHUANG Meiling ZHANG Xiaofeng 《Journal of Donghua University(English Edition)》 EI CAS 2019年第1期37-45,共9页
An effective model(image to wrinkle, ITW) for garment fitting evaluation is presented. The proposed model is to improve the accuracy of garment fitting evaluation based on dressing image. The ITW model is an objective... An effective model(image to wrinkle, ITW) for garment fitting evaluation is presented. The proposed model is to improve the accuracy of garment fitting evaluation based on dressing image. The ITW model is an objective evaluation model of fitting based on the wrinkle index of dressing image. The ITW model consists of two main steps, the gray curve-fitting(GCF) threshold segmentation algorithm and Canny edge detection algorithm. In the ITW model, three types of wrinkle trends are defined. And the network dressing image is evaluated and simulated by three quantitative indexes: wrinkle number, wrinkle regularity and wrinkle unevenness. Finally, the fitness of three kinds of dress effects(tight, fit and loose) is quantified by objective fitting evaluation model. 展开更多
关键词 objective FITTING evaluation model image to wrinkle(ITW) DRESSING image WRINKLES INDEX
下载PDF
A Systematic Literature Review of Machine Learning and Deep Learning Approaches for Spectral Image Classification in Agricultural Applications Using Aerial Photography
10
作者 Usman Khan Muhammad Khalid Khan +4 位作者 Muhammad Ayub Latif Muhammad Naveed Muhammad Mansoor Alam Salman A.Khan Mazliham Mohd Su’ud 《Computers, Materials & Continua》 SCIE EI 2024年第3期2967-3000,共34页
Recently,there has been a notable surge of interest in scientific research regarding spectral images.The potential of these images to revolutionize the digital photography industry,like aerial photography through Unma... Recently,there has been a notable surge of interest in scientific research regarding spectral images.The potential of these images to revolutionize the digital photography industry,like aerial photography through Unmanned Aerial Vehicles(UAVs),has captured considerable attention.One encouraging aspect is their combination with machine learning and deep learning algorithms,which have demonstrated remarkable outcomes in image classification.As a result of this powerful amalgamation,the adoption of spectral images has experienced exponential growth across various domains,with agriculture being one of the prominent beneficiaries.This paper presents an extensive survey encompassing multispectral and hyperspectral images,focusing on their applications for classification challenges in diverse agricultural areas,including plants,grains,fruits,and vegetables.By meticulously examining primary studies,we delve into the specific agricultural domains where multispectral and hyperspectral images have found practical use.Additionally,our attention is directed towards utilizing machine learning techniques for effectively classifying hyperspectral images within the agricultural context.The findings of our investigation reveal that deep learning and support vector machines have emerged as widely employed methods for hyperspectral image classification in agriculture.Nevertheless,we also shed light on the various issues and limitations of working with spectral images.This comprehensive analysis aims to provide valuable insights into the current state of spectral imaging in agriculture and its potential for future advancements. 展开更多
关键词 Machine learning deep learning unmanned aerial vehicles multi-spectral images image recognition object detection hyperspectral images aerial photography
下载PDF
Perceptual Quality Assessment of Omnidirectional Images:Subjective Experiment and Objective Model Evaluation 被引量:1
11
作者 DUAN Huiyu ZHAI Guangtao +3 位作者 MIN Xiongkuo ZHU Yucheng FANG Yi YANG Xiaokang 《ZTE Communications》 2019年第1期38-47,共10页
Virtual reality(VR) environment can provide immersive experience to viewers.Under the VR environment, providing a good quality of experience is extremely important.Therefore, in this paper, we present an image quality... Virtual reality(VR) environment can provide immersive experience to viewers.Under the VR environment, providing a good quality of experience is extremely important.Therefore, in this paper, we present an image quality assessment(IQA) study on omnidirectional images. We first build an omnidirectional IQA(OIQA) database, including 16 source images with their corresponding 320 distorted images. We add four commonly encountered distortions. These distortions are JPEG compression, JPEG2000 compression, Gaussian blur, and Gaussian noise. Then we conduct a subjective quality evaluation study in the VR environment based on the OIQA database. Considering that visual attention is more important in VR environment, head and eye movement data are also tracked and collected during the quality rating experiments. The 16 raw and their corresponding distorted images,subjective quality assessment scores, and the head-orientation data and eye-gaze data together constitute the OIQA database. Based on the OIQA database, we test some state-of-the-art full-reference IQA(FR-IQA) measures on equirectangular format or cubic formatomnidirectional images. The results show that applying FR-IQA metrics on cubic format omnidirectional images could improve their performance. The performance of some FR-IQA metrics combining the saliency weight of three different types are also tested based on our database. Some new phenomena different from traditional IQA are observed. 展开更多
关键词 perceptual quality assessment OMNIDIRECTIONAL imageS SUBJECTIVE EXPERIMENT objective model evaluation VISUAL SALIENCY
下载PDF
An Effective Image Retrieval Mechanism Using Family-based Spatial Consistency Filtration with Object Region 被引量:1
12
作者 Jing Sun Ying-Jie Xing School of Mechanical Engineering, Dalian University of Technology, Dalian 116023, PRC 《International Journal of Automation and computing》 EI 2010年第1期23-30,共8页
How to construct an appropriate spatial consistent measurement is the key to improving image retrieval performance. To address this problem, this paper introduces a novel image retrieval mechanism based on the family ... How to construct an appropriate spatial consistent measurement is the key to improving image retrieval performance. To address this problem, this paper introduces a novel image retrieval mechanism based on the family filtration in object region. First, we supply an object region by selecting a rectangle in a query image such that system returns a ranked list of images that contain the same object, retrieved from the corpus based on 100 images, as a result of the first rank. To further improve retrieval performance, we add an efficient spatial consistency stage, which is named family-based spatial consistency filtration, to re-rank the results returned by the first rank. We elaborate the performance of the retrieval system by some experiments on the dataset selected from the key frames of "TREC Video Retrieval Evaluation 2005 (TRECVID2005)". The results of experiments show that the retrieval mechanism proposed by us has vast major effect on the retrieval quality. The paper also verifies the stability of the retrieval mechanism by increasing the number of images from 100 to 2000 and realizes generalized retrieval with the object outside the dataset. 展开更多
关键词 Content-based image retrieval object region family-based spatial consistency filtration local affine invariant feature spatial relationship.
下载PDF
Automated cone photoreceptor cell identication in confocal adaptive optics scanning laser ophthalmoscope images based on object detection 被引量:1
13
作者 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
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
EFFICIENT IMAGE SEGMENTATION FOR SEMANTIC OBJECT GENERATION 被引量:1
15
作者 Chen Xiaotang Yu Yinglin (Dept. of Comm. & Info. Eng., South China Univ. of Technology, Guangzhou 510640) 《Journal of Electronics(China)》 2002年第4期420-425,共6页
This letter presents an efficient and simple image segmentation method for semantic object spatial segmentation. First, the image is filtered using contour-preserving filters. Then it is quasi-flat labeled. The small ... This letter presents an efficient and simple image segmentation method for semantic object spatial segmentation. First, the image is filtered using contour-preserving filters. Then it is quasi-flat labeled. The small regions near the contour are classified as uncertain regions and are eliminated by region growing and merging. Further region merging is used to reduce the region number. The simulation results show its efficiency and simplicity. It can preserve the semantic object shape while emphasize on the perceptual complex part of the object. So it conforms to the human visual perception very well. 展开更多
关键词 image segmentation Semantic object Contour-preserving noise filtering Quasi-flat regions labeling Region merging
下载PDF
A Multiple Random Feature Extraction Algorithm for Image Object Tracking 被引量:1
16
作者 Lan-Rong Dung Shih-Chi Wang Yin-Yi Wu 《Journal of Signal and Information Processing》 2018年第1期63-71,共9页
This paper proposes an object-tracking algorithm with multiple randomly-generated features. We mainly improve the tracking performance which is sometimes good and sometimes bad in compressive tracking. In compressive ... This paper proposes an object-tracking algorithm with multiple randomly-generated features. We mainly improve the tracking performance which is sometimes good and sometimes bad in compressive tracking. In compressive tracking, the image features are generated by random projection. The resulting image features are affected by the random numbers so that the results of each execution are different. If the obvious features of the target are not captured, the tracker is likely to fail. Therefore the tracking results are inconsistent for each execution. The proposed algorithm uses a number of different image features to track, and chooses the best tracking result by measuring the similarity with the target model. It reduces the chances to determine the target location by the poor image features. In this paper, we use the Bhattacharyya coefficient to choose the best tracking result. The experimental results show that the proposed tracking algorithm can greatly reduce the tracking errors. The best performance improvements in terms of center location error, bounding box overlap ratio and success rate are from 63.62 pixels to 15.45 pixels, from 31.75% to 64.48% and from 38.51% to 82.58%, respectively. 展开更多
关键词 object TRACKING FEATURE EXTRACTION image Processing
下载PDF
Salient Object Detection from Multi-spectral Remote Sensing Images with Deep Residual Network 被引量:16
17
作者 Yuchao DAI Jing ZHANG +2 位作者 Mingyi HE Fatih PORIKLI Bowen LIU 《Journal of Geodesy and Geoinformation Science》 2019年第2期101-110,共10页
alient object detection aims at identifying the visually interesting object regions that are consistent with human perception. Multispectral remote sensing images provide rich radiometric information in revealing the ... alient object detection aims at identifying the visually interesting object regions that are consistent with human perception. Multispectral remote sensing images provide rich radiometric information in revealing the physical properties of the observed objects, which leads to great potential to perform salient object detection for remote sensing images. Conventional salient object detection methods often employ handcrafted features to predict saliency by evaluating the pixel-wise or superpixel-wise contrast. With the recent use of deep learning framework, in particular, fully convolutional neural networks, there has been profound progress in visual saliency detection. However, this success has not been extended to multispectral remote sensing images, and existing multispectral salient object detection methods are still mainly based on handcrafted features, essentially due to the difficulties in image acquisition and labeling. In this paper, we propose a novel deep residual network based on a top-down model, which is trained in an end-to-end manner to tackle the above issues in multispectral salient object detection. Our model effectively exploits the saliency cues at different levels of the deep residual network. To overcome the limited availability of remote sensing images in training of our deep residual network, we also introduce a new spectral image reconstruction model that can generate multispectral images from RGB images. Our extensive experimental results using both multispectral and RGB salient object detection datasets demonstrate a significant performance improvement of more than 10% improvement compared with the state-of-the-art methods. 展开更多
关键词 DEEP RESIDUAL network salient object detection TOP-DOWN model REMOTE sensing image processing
下载PDF
Real Time Thermal Image Based Machine Learning Approach for Early Collision Avoidance System of Snowplows
18
作者 Fletcher Wadsworth Suresh S. Muknahallipatna Khaled Ksaibati 《Journal of Intelligent Learning Systems and Applications》 2024年第2期107-142,共36页
In an effort to reduce vehicle collisions with snowplows in poor weather conditions, this paper details the development of a real time thermal image based machine learning approach to an early collision avoidance syst... In an effort to reduce vehicle collisions with snowplows in poor weather conditions, this paper details the development of a real time thermal image based machine learning approach to an early collision avoidance system for snowplows, which intends to detect and estimate the distance of trailing vehicles. Due to the operational conditions of snowplows, which include heavy-blowing snow, traditional optical sensors like LiDAR and visible spectrum cameras have reduced effectiveness in detecting objects in such environments. Thus, we propose using a thermal infrared camera as the primary sensor along with machine learning algorithms. First, we curate a large dataset of thermal images of vehicles in heavy snow conditions. Using the curated dataset, two machine-learning models based on the modified ResNet architectures were trained to detect and estimate the trailing vehicle distance using real-time thermal images. The trained detection network was capable of detecting trailing vehicles 99.0% of the time at 1500.0 ft distance from the snowplow. The trained trailing distance network was capable of estimating distance with an average estimation error of 10.70 ft. The inference performance of the trained models is discussed, along with the interpretation of the performance. 展开更多
关键词 Convolutional Neural Networks Residual Networks object Detection image Processing Thermal imaging
下载PDF
Imaging Transparent Objects in a Turbid Medium Using a Femtosecond Optical Kerr Gate 被引量:1
19
作者 Yi-Peng Zheng Jin-Hai Si +3 位作者 Wen-Jiang Tan Xiao-Jing Liu Jun-Yi Tong Xun Hou 《Chinese Physics Letters》 SCIE CAS CSCD 2017年第10期49-51,共3页
A femtosecond optical Kerr gate time-gated ballistic imaging method is demonstrated to image a transparent object in a turbid medium. The shape features of the object are obtained by time-resolved selection of the bal... A femtosecond optical Kerr gate time-gated ballistic imaging method is demonstrated to image a transparent object in a turbid medium. The shape features of the object are obtained by time-resolved selection of the ballistic photons with different optical path lengths, the thickness distribution of the object is mapped, and the maximum is less than 3.6%. This time-resolved ballistic imaging has potential applications in studying properties of the liquid core in the near field of the fuel spray. 展开更多
关键词 imaging Transparent objects in a Turbid Medium Using a Femtosecond Optical Kerr Gate
下载PDF
IMAGE OBJECT DETECTION BASED ON FRACTIONAL BROWNIAN MOTION
20
作者 Xie Wenlu Xie Weixin(School of Electronic Engineering, Xidian University, Xi’an 710071) 《Journal of Electronics(China)》 1997年第4期289-294,共6页
Fractional Brownian motion, continuous everywhere and differentiable nowhere, offers a convenient modeling for irregular nonstationary stochastic processes with long-term dependencies and power law behavior of spectru... Fractional Brownian motion, continuous everywhere and differentiable nowhere, offers a convenient modeling for irregular nonstationary stochastic processes with long-term dependencies and power law behavior of spectrum over wide ranges of frequencies. It shows high correlation at coarse scale and varies slightly at fine scale, which is suitable for and successful in describing and modeling natural scenes. On the other hand, man-made objects can be constructively well described by using a set of regular simple shape primitives such as line, cylinder, etc. and are free of fractal. Based on the difference, a method to discriminate man-made objects from natural scenes is provided. Experiments are used to demonstrate the good efficiency of developed technique. 展开更多
关键词 FRACTAL FRACTIONAL BROWNIAN MOTION image object DETECTION
下载PDF
上一页 1 2 245 下一页 到第
使用帮助 返回顶部