期刊文献+
共找到6,451篇文章
< 1 2 250 >
每页显示 20 50 100
CMMCAN:Lightweight Feature Extraction and Matching Network for Endoscopic Images Based on Adaptive Attention
1
作者 Nannan Chong Fan Yang 《Computers, Materials & Continua》 SCIE EI 2024年第8期2761-2783,共23页
In minimally invasive surgery,endoscopes or laparoscopes equipped with miniature cameras and tools are used to enter the human body for therapeutic purposes through small incisions or natural cavities.However,in clini... In minimally invasive surgery,endoscopes or laparoscopes equipped with miniature cameras and tools are used to enter the human body for therapeutic purposes through small incisions or natural cavities.However,in clinical operating environments,endoscopic images often suffer from challenges such as low texture,uneven illumination,and non-rigid structures,which affect feature observation and extraction.This can severely impact surgical navigation or clinical diagnosis due to missing feature points in endoscopic images,leading to treatment and postoperative recovery issues for patients.To address these challenges,this paper introduces,for the first time,a Cross-Channel Multi-Modal Adaptive Spatial Feature Fusion(ASFF)module based on the lightweight architecture of EfficientViT.Additionally,a novel lightweight feature extraction and matching network based on attention mechanism is proposed.This network dynamically adjusts attention weights for cross-modal information from grayscale images and optical flow images through a dual-branch Siamese network.It extracts static and dynamic information features ranging from low-level to high-level,and from local to global,ensuring robust feature extraction across different widths,noise levels,and blur scenarios.Global and local matching are performed through a multi-level cascaded attention mechanism,with cross-channel attention introduced to simultaneously extract low-level and high-level features.Extensive ablation experiments and comparative studies are conducted on the HyperKvasir,EAD,M2caiSeg,CVC-ClinicDB,and UCL synthetic datasets.Experimental results demonstrate that the proposed network improves upon the baseline EfficientViT-B3 model by 75.4%in accuracy(Acc),while also enhancing runtime performance and storage efficiency.When compared with the complex DenseDescriptor feature extraction network,the difference in Acc is less than 7.22%,and IoU calculation results on specific datasets outperform complex dense models.Furthermore,this method increases the F1 score by 33.2%and accelerates runtime by 70.2%.It is noteworthy that the speed of CMMCAN surpasses that of comparative lightweight models,with feature extraction and matching performance comparable to existing complex models but with faster speed and higher cost-effectiveness. 展开更多
关键词 Feature extraction and matching lightweighted network medical images ENDOSCOPIC ATTENTION
下载PDF
Road Traffic Monitoring from Aerial Images Using Template Matching and Invariant Features
2
作者 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
Image Feature Extraction and Matching of Augmented Solar Images in Space Weather
3
作者 WANG Rui BAO Lili CAI Yanxia 《空间科学学报》 CAS CSCD 北大核心 2023年第5期840-852,共13页
Augmented solar images were used to research the adaptability of four representative image extraction and matching algorithms in space weather domain.These include the scale-invariant feature transform algorithm,speed... Augmented solar images were used to research the adaptability of four representative image extraction and matching algorithms in space weather domain.These include the scale-invariant feature transform algorithm,speeded-up robust features algorithm,binary robust invariant scalable keypoints algorithm,and oriented fast and rotated brief algorithm.The performance of these algorithms was estimated in terms of matching accuracy,feature point richness,and running time.The experiment result showed that no algorithm achieved high accuracy while keeping low running time,and all algorithms are not suitable for image feature extraction and matching of augmented solar images.To solve this problem,an improved method was proposed by using two-frame matching to utilize the accuracy advantage of the scale-invariant feature transform algorithm and the speed advantage of the oriented fast and rotated brief algorithm.Furthermore,our method and the four representative algorithms were applied to augmented solar images.Our application experiments proved that our method achieved a similar high recognition rate to the scale-invariant feature transform algorithm which is significantly higher than other algorithms.Our method also obtained a similar low running time to the oriented fast and rotated brief algorithm,which is significantly lower than other algorithms. 展开更多
关键词 Augmented reality Augmented image image feature point extraction and matching Space weather Solar image
下载PDF
Outliers rejection in similar image matching
4
作者 Qingqing CHEN Junfeng YAO 《Virtual Reality & Intelligent Hardware》 2023年第2期171-187,共17页
Background Image matching is crucial in numerous computer vision tasks such as 3D reconstruction and simultaneous visual localization and mapping.The accuracy of the matching significantly impacted subsequent studies.... Background Image matching is crucial in numerous computer vision tasks such as 3D reconstruction and simultaneous visual localization and mapping.The accuracy of the matching significantly impacted subsequent studies.Because of their local similarity,when image pairs contain comparable patterns but feature pairs are positioned differently,incorrect recognition can occur as global motion consistency is disregarded.Methods This study proposes an image-matching filtering algorithm based on global motion consistency.It can be used as a subsequent matching filter for the initial matching results generated by other matching algorithms based on the principle of motion smoothness.A particular matching algorithm can first be used to perform the initial matching;then,the rotation and movement information of the global feature vectors are combined to effectively identify outlier matches.The principle is that if the matching result is accurate,the feature vectors formed by any matched point should have similar rotation angles and moving distances.Thus,global motion direction and global motion distance consistencies were used to reject outliers caused by similar patterns in different locations.Results Four datasets were used to test the effectiveness of the proposed method.Three datasets with similar patterns in different locations were used to test the results for similar images that could easily be incorrectly matched by other algorithms,and one commonly used dataset was used to test the results for the general image-matching problem.The experimental results suggest that the proposed method is more accurate than other state-of-the-art algorithms in identifying mismatches in the initial matching set.Conclusions The proposed outlier rejection matching method can significantly improve the matching accuracy for similar images with locally similar feature pairs in different locations and can provide more accurate matching results for subsequent computer vision tasks. 展开更多
关键词 Feature matching Outlier removal Motion consistency Similar image matching Global structures
下载PDF
Enhancing Cross-Lingual Image Description: A Multimodal Approach for Semantic Relevance and Stylistic Alignment
5
作者 Emran Al-Buraihy Dan Wang 《Computers, Materials & Continua》 SCIE EI 2024年第6期3913-3938,共26页
Cross-lingual image description,the task of generating image captions in a target language from images and descriptions in a source language,is addressed in this study through a novel approach that combines neural net... Cross-lingual image description,the task of generating image captions in a target language from images and descriptions in a source language,is addressed in this study through a novel approach that combines neural network models and semantic matching techniques.Experiments conducted on the Flickr8k and AraImg2k benchmark datasets,featuring images and descriptions in English and Arabic,showcase remarkable performance improvements over state-of-the-art methods.Our model,equipped with the Image&Cross-Language Semantic Matching module and the Target Language Domain Evaluation module,significantly enhances the semantic relevance of generated image descriptions.For English-to-Arabic and Arabic-to-English cross-language image descriptions,our approach achieves a CIDEr score for English and Arabic of 87.9%and 81.7%,respectively,emphasizing the substantial contributions of our methodology.Comparative analyses with previous works further affirm the superior performance of our approach,and visual results underscore that our model generates image captions that are both semantically accurate and stylistically consistent with the target language.In summary,this study advances the field of cross-lingual image description,offering an effective solution for generating image captions across languages,with the potential to impact multilingual communication and accessibility.Future research directions include expanding to more languages and incorporating diverse visual and textual data sources. 展开更多
关键词 Cross-language image description multimodal deep learning semantic matching reward mechanisms
下载PDF
Secure Transmission of Compressed Medical Image Sequences on Communication Networks Using Motion Vector Watermarking
6
作者 Rafi Ullah Mohd Hilmi bin Hasan +1 位作者 Sultan Daud Khan Mussadiq Abdul Rahim 《Computers, Materials & Continua》 SCIE EI 2024年第3期3283-3301,共19页
Medical imaging plays a key role within modern hospital management systems for diagnostic purposes.Compression methodologies are extensively employed to mitigate storage demands and enhance transmission speed,all whil... Medical imaging plays a key role within modern hospital management systems for diagnostic purposes.Compression methodologies are extensively employed to mitigate storage demands and enhance transmission speed,all while upholding image quality.Moreover,an increasing number of hospitals are embracing cloud computing for patient data storage,necessitating meticulous scrutiny of server security and privacy protocols.Nevertheless,considering the widespread availability of multimedia tools,the preservation of digital data integrity surpasses the significance of compression alone.In response to this concern,we propose a secure storage and transmission solution for compressed medical image sequences,such as ultrasound images,utilizing a motion vector watermarking scheme.The watermark is generated employing an error-correcting code known as Bose-Chaudhuri-Hocquenghem(BCH)and is subsequently embedded into the compressed sequence via block-based motion vectors.In the process of watermark embedding,motion vectors are selected based on their magnitude and phase angle.When embedding watermarks,no specific spatial area,such as a region of interest(ROI),is used in the images.The embedding of watermark bits is dependent on motion vectors.Although reversible watermarking allows the restoration of the original image sequences,we use the irreversible watermarking method.The reason for this is that the use of reversible watermarks may impede the claims of ownership and legal rights.The restoration of original data or images may call into question ownership or other legal claims.The peak signal-to-noise ratio(PSNR)and structural similarity index(SSIM)serve as metrics for evaluating the watermarked image quality.Across all images,the PSNR value exceeds 46 dB,and the SSIM value exceeds 0.92.Experimental results substantiate the efficacy of the proposed technique in preserving data integrity. 展开更多
关键词 Block matching algorithm(BMA) compression full-search algorithm motion vectors ultrasound image sequence WATERMARKING
下载PDF
A Visual Indoor Localization Method Based on Efficient Image Retrieval
7
作者 Mengyan Lyu Xinxin Guo +1 位作者 Kunpeng Zhang Liye Zhang 《Journal of Computer and Communications》 2024年第2期47-66,共20页
The task of indoor visual localization, utilizing camera visual information for user pose calculation, was a core component of Augmented Reality (AR) and Simultaneous Localization and Mapping (SLAM). Existing indoor l... The task of indoor visual localization, utilizing camera visual information for user pose calculation, was a core component of Augmented Reality (AR) and Simultaneous Localization and Mapping (SLAM). Existing indoor localization technologies generally used scene-specific 3D representations or were trained on specific datasets, making it challenging to balance accuracy and cost when applied to new scenes. Addressing this issue, this paper proposed a universal indoor visual localization method based on efficient image retrieval. Initially, a Multi-Layer Perceptron (MLP) was employed to aggregate features from intermediate layers of a convolutional neural network, obtaining a global representation of the image. This approach ensured accurate and rapid retrieval of reference images. Subsequently, a new mechanism using Random Sample Consensus (RANSAC) was designed to resolve relative pose ambiguity caused by the essential matrix decomposition based on the five-point method. Finally, the absolute pose of the queried user image was computed, thereby achieving indoor user pose estimation. The proposed indoor localization method was characterized by its simplicity, flexibility, and excellent cross-scene generalization. Experimental results demonstrated a positioning error of 0.09 m and 2.14° on the 7Scenes dataset, and 0.15 m and 6.37° on the 12Scenes dataset. These results convincingly illustrated the outstanding performance of the proposed indoor localization method. 展开更多
关键词 Visual Indoor Positioning Feature Point matching image Retrieval Position Calculation Five-Point Method
下载PDF
Multi-focus image fusion based on block matching in 3D transform domain 被引量:5
8
作者 YANG Dongsheng HU Shaohai +2 位作者 LIU Shuaiqi MA Xiaole SUN Yuchao 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2018年第2期415-428,共14页
Fusion methods based on multi-scale transforms have become the mainstream of the pixel-level image fusion. However,most of these methods cannot fully exploit spatial domain information of source images, which lead to ... Fusion methods based on multi-scale transforms have become the mainstream of the pixel-level image fusion. However,most of these methods cannot fully exploit spatial domain information of source images, which lead to the degradation of image.This paper presents a fusion framework based on block-matching and 3D(BM3D) multi-scale transform. The algorithm first divides the image into different blocks and groups these 2D image blocks into 3D arrays by their similarity. Then it uses a 3D transform which consists of a 2D multi-scale and a 1D transform to transfer the arrays into transform coefficients, and then the obtained low-and high-coefficients are fused by different fusion rules. The final fused image is obtained from a series of fused 3D image block groups after the inverse transform by using an aggregation process. In the experimental part, we comparatively analyze some existing algorithms and the using of different transforms, e.g. non-subsampled Contourlet transform(NSCT), non-subsampled Shearlet transform(NSST), in the 3D transform step. Experimental results show that the proposed fusion framework can not only improve subjective visual effect, but also obtain better objective evaluation criteria than state-of-the-art methods. 展开更多
关键词 image fusion block matching 3D transform block-matching and 3D(BM3D) non-subsampled Shearlet transform(NSST)
下载PDF
A reliable algorithm for image matching based on SIFT 被引量:4
9
作者 霍炬 杨宁 +1 位作者 曹茂永 杨明 《Journal of Harbin Institute of Technology(New Series)》 EI CAS 2012年第4期90-95,共6页
A novel algorithm is presented to make the results of image matching more reliable and accurate based on SIFT (Scale Invariant Feature Transform). SIFT algorithm has been identified as the most resistant matching algo... A novel algorithm is presented to make the results of image matching more reliable and accurate based on SIFT (Scale Invariant Feature Transform). SIFT algorithm has been identified as the most resistant matching algorithm to common image deformations; however, if there are similar regions in images, SIFT algorithm still generates some analogical descriptors and provides many mismatches. This paper examines the local image descriptor used by SIFT and presents a new algorithm by integrating SIFT with two-dimensional moment invariants and disparity gradient to improve the matching results. In the new algorithm, decision tree is used, and the whole matching process is divided into three levels with different primitives. Matching points are considered as correct ones only when they satisfy all the three similarity measurements. Experiment results demonstrate that the new approach is more reliable and accurate. 展开更多
关键词 image matching SIFT algorithm two-dimensional moment invariants disparity gradient
下载PDF
Robust key point descriptor for multi-spectral image matching 被引量:3
10
作者 Yueming Qin Zhiguo Cao +1 位作者 Wen Zhuo Zhenghong Yu 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2014年第4期681-687,共7页
Histogram of collinear gradient-enhanced coding (HCGEC), a robust key point descriptor for multi-spectral image matching, is proposed. The HCGEC mainly encodes rough structures within an image and suppresses detaile... Histogram of collinear gradient-enhanced coding (HCGEC), a robust key point descriptor for multi-spectral image matching, is proposed. The HCGEC mainly encodes rough structures within an image and suppresses detailed textural information, which is desirable in multi-spectral image matching. Experiments on two multi-spectral data sets demonstrate that the proposed descriptor can yield significantly better results than some state-of- the-art descriptors. 展开更多
关键词 collinear gradient-enhanced coding (CGEC) key pointdescriptor multi-spectral image matching.
下载PDF
Image matching algorithm based on SIFT using color and exposure information 被引量:9
11
作者 Yan Zhao Yuwei Zhai +1 位作者 Eric Dubois Shigang Wang 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2016年第3期691-699,共9页
Image matching based on scale invariant feature transform(SIFT) is one of the most popular image matching algorithms, which exhibits high robustness and accuracy. Grayscale images rather than color images are genera... Image matching based on scale invariant feature transform(SIFT) is one of the most popular image matching algorithms, which exhibits high robustness and accuracy. Grayscale images rather than color images are generally used to get SIFT descriptors in order to reduce the complexity. The regions which have a similar grayscale level but different hues tend to produce wrong matching results in this case. Therefore, the loss of color information may result in decreasing of matching ratio. An image matching algorithm based on SIFT is proposed, which adds a color offset and an exposure offset when converting color images to grayscale images in order to enhance the matching ratio. Experimental results show that the proposed algorithm can effectively differentiate the regions with different colors but the similar grayscale level, and increase the matching ratio of image matching based on SIFT. Furthermore, it does not introduce much complexity than the traditional SIFT. 展开更多
关键词 scale invariant feature transform(SIFT) image matching color exposure
下载PDF
Modified SIFT descriptor and key-point matching for fast and robust image mosaic 被引量:2
12
作者 何玉青 王雪 +3 位作者 王思远 刘明奇 诸加丹 金伟其 《Journal of Beijing Institute of Technology》 EI CAS 2016年第4期562-570,共9页
To improve the performance of the scale invariant feature transform ( SIFT), a modified SIFT (M-SIFT) descriptor is proposed to realize fast and robust key-point extraction and matching. In descriptor generation, ... To improve the performance of the scale invariant feature transform ( SIFT), a modified SIFT (M-SIFT) descriptor is proposed to realize fast and robust key-point extraction and matching. In descriptor generation, 3 rotation-invariant concentric-ring grids around the key-point location are used instead of 16 square grids used in the original SIFT. Then, 10 orientations are accumulated for each grid, which results in a 30-dimension descriptor. In descriptor matching, rough rejection mismatches is proposed based on the difference of grey information between matching points. The per- formance of the proposed method is tested for image mosaic on simulated and real-worid images. Experimental results show that the M-SIFT descriptor inherits the SIFT' s ability of being invariant to image scale and rotation, illumination change and affine distortion. Besides the time cost of feature extraction is reduced by 50% compared with the original SIFT. And the rough rejection mismatches can reject at least 70% of mismatches. The results also demonstrate that the performance of the pro- posed M-SIFT method is superior to other improved SIFT methods in speed and robustness. 展开更多
关键词 modified scale invariant feature transform (SIFT) image mosaic feature extraction key-point matching
下载PDF
A Sequence Image Matching Method Based on Improved High-Dimensional Combined Features 被引量:1
13
作者 Leng Xuefei Gong Zhe +1 位作者 Fu Runzhe Liu Yang 《Transactions of Nanjing University of Aeronautics and Astronautics》 EI CSCD 2018年第5期820-828,共9页
Image matching technology is theoretically significant and practically promising in the field of autonomous navigation.Addressing shortcomings of existing image matching navigation technologies,the concept of high-dim... Image matching technology is theoretically significant and practically promising in the field of autonomous navigation.Addressing shortcomings of existing image matching navigation technologies,the concept of high-dimensional combined feature is presented based on sequence image matching navigation.To balance between the distribution of high-dimensional combined features and the shortcomings of the only use of geometric relations,we propose a method based on Delaunay triangulation to improve the feature,and add the regional characteristics of the features together with their geometric characteristics.Finally,k-nearest neighbor(KNN)algorithm is adopted to optimize searching process.Simulation results show that the matching can be realized at the rotation angle of-8°to 8°and the scale factor of 0.9 to 1.1,and when the image size is 160 pixel×160 pixel,the matching time is less than 0.5 s.Therefore,the proposed algorithm can substantially reduce computational complexity,improve the matching speed,and exhibit robustness to the rotation and scale changes. 展开更多
关键词 SEQUENCE image matching navigation DELAUNAY TRIANGULATION HIGH-DIMENSIONAL combined feature k-nearest NEIGHBOR
下载PDF
Fast M-fold matching pursuit algorithm for image approximation 被引量:1
14
作者 Gan Tao He Yanmin Zhu Weile 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2009年第4期883-888,共6页
A simple and effective greedy algorithm for image approximation is proposed. Based on the matching pursuit approach, it is characterized by a reduced computational complexity benefiting from two major modifications. F... A simple and effective greedy algorithm for image approximation is proposed. Based on the matching pursuit approach, it is characterized by a reduced computational complexity benefiting from two major modifications. First, it iteratively finds an approximation by selecting M atoms instead of one at a time. Second, the inner product computations are confined within only a fraction of dictionary atoms at each iteration. The modifications are implemented very efficiently due to the spatial incoherence of the dictionary. Experimental results show that compared with full search matching pursuit, the proposed algorithm achieves a speed-up gain of 14.4-36.7 times while maintaining the approximation quality. 展开更多
关键词 greedy algorithm image approximation matching pursuit
下载PDF
Speeded-Up Robust Feature Matching Algorithm Based on Image Improvement Technology 被引量:1
15
作者 Sharofiddin Allaberdiev Shokhrukh Yakhyoev +1 位作者 Rakhmatilla Fatkhullayev Jia Chen 《Journal of Computer and Communications》 2019年第12期1-10,共10页
Due to requirements and necessities in digital image research, image matching is considered as a key, essential and complicating point especially for machine learning. According to its convenience and facility, the mo... Due to requirements and necessities in digital image research, image matching is considered as a key, essential and complicating point especially for machine learning. According to its convenience and facility, the most applied algorithm for image feature point extraction and matching is Speeded-Up Robust Feature (SURF). The enhancement for scale invariant feature transform (SIFT) algorithm promotes the effectiveness of the algorithm as well as facilitates the possibility, while the application of the algorithm is being applied in a present time computer vision system. In this research work, the aim of SURF algorithm is to extract image features, and we have incorporated RANSAC algorithm to filter matching points. The images were juxtaposed and asserted experiments utilizing pertinent image improvement methods. The idea based on merging improvement technology through SURF algorithm is put forward to get better quality of feature points matching the efficiency and appropriate image improvement methods are adopted for different feature images which are compared and verified by experiments. Some results have been explained there which are the effects of lighting on the underexposed and overexposed images. 展开更多
关键词 image matching SURF ALGORITHM FEATURES of an image RANSAC ALGORITHM
下载PDF
Fast matching pursuit for traffic images using differential evolution 被引量:1
16
作者 封晓强 何铁军 《Journal of Harbin Institute of Technology(New Series)》 EI CAS 2010年第2期193-198,共6页
To obtain the sparse decomposition and flexible representation of traffic images,this paper proposes a fast matching pursuit for traffic images using differential evolution. According to the structural features of tra... To obtain the sparse decomposition and flexible representation of traffic images,this paper proposes a fast matching pursuit for traffic images using differential evolution. According to the structural features of traffic images,the introduced algorithm selects the image atoms in a fast and flexible way from an over-complete image dictionary to adaptively match the local structures of traffic images and therefore to implement the sparse decomposition. As compared with the traditional method and a genetic algorithm of matching pursuit by using extensive experiments,the differential evolution achieves much higher quality of traffic images with much less computational time,which indicates the effectiveness of the proposed algorithm. 展开更多
关键词 intelligent transportation system digital image processing matching pursuit differential evolution
下载PDF
A fast, accurate and dense feature matching algorithm for aerial images 被引量:2
17
作者 LI Ying GONG Guanghong SUN Lin 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2020年第6期1128-1139,共12页
Three-dimensional(3D)reconstruction based on aerial images has broad prospects,and feature matching is an important step of it.However,for high-resolution aerial images,there are usually problems such as long time,mis... Three-dimensional(3D)reconstruction based on aerial images has broad prospects,and feature matching is an important step of it.However,for high-resolution aerial images,there are usually problems such as long time,mismatching and sparse feature pairs using traditional algorithms.Therefore,an algorithm is proposed to realize fast,accurate and dense feature matching.The algorithm consists of four steps.Firstly,we achieve a balance between the feature matching time and the number of matching pairs by appropriately reducing the image resolution.Secondly,to realize further screening of the mismatches,a feature screening algorithm based on similarity judgment or local optimization is proposed.Thirdly,to make the algorithm more widely applicable,we combine the results of different algorithms to get dense results.Finally,all matching feature pairs in the low-resolution images are restored to the original images.Comparisons between the original algorithms and our algorithm show that the proposed algorithm can effectively reduce the matching time,screen out the mismatches,and improve the number of matches. 展开更多
关键词 feature matching feature screening feature fusion aerial image three-dimensional(3D)reconstruction
下载PDF
Satellite Image Matching Method Based on Deep Convolutional Neural Network 被引量:16
18
作者 Dazhao FAN Yang DONG Yongsheng ZHANG 《Journal of Geodesy and Geoinformation Science》 2019年第2期90-100,共11页
This article focuses on the first aspect of the album of deep learning: the deep convolutional method. The traditional matching point extraction algorithm typically uses manually designed feature descriptors and the s... This article focuses on the first aspect of the album of deep learning: the deep convolutional method. The traditional matching point extraction algorithm typically uses manually designed feature descriptors and the shortest distance between them to match as the matching criterion. The matching result can easily fall into a local extreme value, which causes missing of the partial matching point. Targeting this problem, we introduce a two-channel deep convolutional neural network based on spatial scale convolution, which performs matching pattern learning between images to realize satellite image matching based on a deep convolutional neural network. The experimental results show that the method can extract the richer matching points in the case of heterogeneous, multi-temporal and multi-resolution satellite images, compared with the traditional matching method. In addition, the accuracy of the final matching results can be maintained at above 90%. 展开更多
关键词 image matching DEEP LEARNING convolutional NEURAL network SATELLITE image
下载PDF
Based on Compressed Sensing of Orthogonal Matching Pursuit Algorithm Image Recovery 被引量:4
19
作者 Caifeng Cheng Deshu Lin 《Journal on Internet of Things》 2020年第1期37-45,共9页
Compressive sensing theory mainly includes the sparsely of signal processing,the structure of the measurement matrix and reconstruction algorithm.Reconstruction algorithm is the core content of CS theory,that is,throu... Compressive sensing theory mainly includes the sparsely of signal processing,the structure of the measurement matrix and reconstruction algorithm.Reconstruction algorithm is the core content of CS theory,that is,through the low dimensional sparse signal recovers the original signal accurately.This thesis based on the theory of CS to study further on seismic data reconstruction algorithm.We select orthogonal matching pursuit algorithm as a base reconstruction algorithm.Then do the specific research for the implementation principle,the structure of the algorithm of AOMP and make the signal simulation at the same time.In view of the OMP algorithm reconstruction speed is slow and the problems need to be a given number of iterations,which developed an improved scheme.We combine the optimized OMP algorithm of constraint the optimal matching of item selection strategy,the backwards gradient projection ideas of adaptive variance step gradient projection method and the original algorithm to improve it.Simulation experiments show that improved OMP algorithm is superior to traditional OMP algorithm of improvement in the reconstruction time and effect under the same condition.This paper introduces CS and most mature compressive sensing algorithm at present orthogonal matching pursuit algorithm.Through the program design realize basic orthogonal matching pursuit algorithms,and design realize basic orthogonal matching pursuit algorithm of one-dimensional,two-dimensional signal processing simulation. 展开更多
关键词 Compressed sensing sarse transform orthogonal matching pursuit image recovery
下载PDF
AUTOMATED IMAGE MATCHING WITH CODED POINTS IN STEREOVISION MEASUREMENT 被引量:1
20
作者 Dong Mingli Zhou Xiaogang +2 位作者 Zhu Lianqing LU Naiguang Sun Yunan 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2005年第3期453-456,共4页
A coding-based method to solve the image matching problems in stereovision measurement is presented. The solution is to add and append an identity ID to the retro-reflect point, so it can be identified efficiently und... A coding-based method to solve the image matching problems in stereovision measurement is presented. The solution is to add and append an identity ID to the retro-reflect point, so it can be identified efficiently under the complicated circumstances and has the characteristics of rotation, zooming, and deformation independence. Its design architecture and implementation process in details based on the theory of stereovision measurement are described. The method is effective on reducing processing data time, improving accuracy of image matching and automation of measuring system through experiments. 展开更多
关键词 Coded point image matching Stereovision measurement
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部