Feature matching plays a key role in computer vision. However, due to the limitations of the descriptors, the putative matches are inevitably contaminated by massive outliers.This paper attempts to tackle the outlier ...Feature matching plays a key role in computer vision. However, due to the limitations of the descriptors, the putative matches are inevitably contaminated by massive outliers.This paper attempts to tackle the outlier filtering problem from two aspects. First, a robust and efficient graph interaction model,is proposed, with the assumption that matches are correlated with each other rather than independently distributed. To this end, we construct a graph based on the local relationships of matches and formulate the outlier filtering task as a binary labeling energy minimization problem, where the pairwise term encodes the interaction between matches. We further show that this formulation can be solved globally by graph cut algorithm. Our new formulation always improves the performance of previous localitybased method without noticeable deterioration in processing time,adding a few milliseconds. Second, to construct a better graph structure, a robust and geometrically meaningful topology-aware relationship is developed to capture the topology relationship between matches. The two components in sum lead to topology interaction matching(TIM), an effective and efficient method for outlier filtering. Extensive experiments on several large and diverse datasets for multiple vision tasks including general feature matching, as well as relative pose estimation, homography and fundamental matrix estimation, loop-closure detection, and multi-modal image matching, demonstrate that our TIM is more competitive than current state-of-the-art methods, in terms of generality, efficiency, and effectiveness. The source code is publicly available at http://github.com/YifanLu2000/TIM.展开更多
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 is of significance in the field of computer vision.In this paper,a trifocal tensor based feature matching algorithm is proposed for three views,including a trinocular vision system.Initial matching po...Feature matching is of significance in the field of computer vision.In this paper,a trifocal tensor based feature matching algorithm is proposed for three views,including a trinocular vision system.Initial matching point-pairs can be determined according to generic matching algorithms,on which an initial trifocal tensor of three views can be confirmed.Then the initial matching point-pairs should be re-selected.Meanwhile,the trifocal tensor will be recomputed.Iteratively,the optimized trifocal tensor can be obtained.Compatible fundamental matrix of every two views can be determined.Furthermore,in the trinocular vision sensor,the trifocal tensor can be calculated based on the intrinsic parameter matrix of each camera.With the strict constraint provided by the trifocal tensor,feature matching results will be optimized.Experiments show that our proposed algorithm has the characteristics of feasibility and precision.展开更多
In this paper an automatic visual method of seam recognizing and seam tracking based on textural feature matching was proposed, in order to recognize the weld of multi-layer or multi-pass welding in which the weld is ...In this paper an automatic visual method of seam recognizing and seam tracking based on textural feature matching was proposed, in order to recognize the weld of multi-layer or multi-pass welding in which the weld is difficult to be recognized by conventional visual methods. This method focuses on the obvious difference of image textural feature between the weld region and the base metal region, as well as the similarity of the textural features along the welding direction. The method consists of the following steps : setting image template and choosing the edge region as ROI ( region of interest ), extracting the image textural feature of the template and the edge region, feature matching, and recognition of weld region. Experiment showed that the method proposed was effective for weld seam recognition in multi-layer welding.展开更多
The traditional Chinese-English translation model tends to translate some source words repeatedly,while mistakenly ignoring some words.Therefore,we propose a novel English-Chinese neural machine translation based on s...The traditional Chinese-English translation model tends to translate some source words repeatedly,while mistakenly ignoring some words.Therefore,we propose a novel English-Chinese neural machine translation based on self-organizing mapping neural network and deep feature matching.In this model,word vector,two-way LSTM,2D neural network and other deep learning models are used to extract the semantic matching features of question-answer pairs.Self-organizing mapping(SOM)is used to classify and identify the sentence feature.The attention mechanism-based neural machine translation model is taken as the baseline system.The experimental results show that this framework significantly improves the adequacy of English-Chinese machine translation and achieves better results than the traditional attention mechanism-based English-Chinese machine translation model.展开更多
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 recognition and surface reconstruction from point clouds are difficulties in reverse engineering. A new surface reconstruction algorithm for slicing point cloud was presented. The contours of slice were extrac...Feature recognition and surface reconstruction from point clouds are difficulties in reverse engineering. A new surface reconstruction algorithm for slicing point cloud was presented. The contours of slice were extracted. Then, the intersection of two adjacent curve segments in the contour was obtained and curves feature was extracted. Finally, adjacent section contours were matched directly with Fourier-Mellin curve matching method for feature extraction. An example of 3-D model reconstruction shows the reliability and application of the algorithm.展开更多
Domain adaptation and adversarial networks are two main approaches for transfer learning.Domain adaptation methods match the mean values of source and target domains,which requires a very large batch size during train...Domain adaptation and adversarial networks are two main approaches for transfer learning.Domain adaptation methods match the mean values of source and target domains,which requires a very large batch size during training.However,adversarial networks are usually unstable when training.In this paper,we propose a joint method of feature matching and adversarial networks to reduce domain discrepancy and mine domaininvariant features from the local and global aspects.At the same time,our method improves the stability of training.Moreover,the method is embedded into a unified convolutional neural network that can be easily optimized by gradient descent.Experimental results show that our joint method can yield the state-of-the-art results on three common public datasets.展开更多
We present GeoGlue,a novel method using high-resolution UAV imagery for accurate feature matching,which is normally challenging due to the complicated scenes.Current feature detection methods are performed without gui...We present GeoGlue,a novel method using high-resolution UAV imagery for accurate feature matching,which is normally challenging due to the complicated scenes.Current feature detection methods are performed without guidance of geometric priors(e.g.,geometric lines),lacking enough attention given to salient geometric features which are indispensable for accurate matching due to their stable existence across views.In this work,geometric lines arefirstly detected by a CNN-based geometry detector(GD)which is pre-trained in a self-supervised manner through automatically generated images.Then,geometric lines are naturally vectorized based on GD and thus non-significant features can be disregarded as judged by their disordered geometric morphology.A graph attention network(GAT)is utilized forfinal feature matching,spanning across the image pair with geometric priors informed by GD.Comprehensive experiments show that GeoGlue outperforms other state-of-the-art methods in feature-matching accuracy and performance stability,achieving pose estimation with maximum rotation and translation errors under 1%in challenging scenes from benchmark datasets,Tanks&Temples and ETH3D.This study also proposes thefirst self-supervised deep-learning model for curved line detection,generating geometric priors for matching so that more attention is put on prominent features and improving the visual effect of 3D reconstruction.展开更多
A robust and eficient feature matching method is necessary for visual navigation in asteroid-landing missions.Based on the visual navigation framework and motion characteristics of asteroids,a robust and efficient tem...A robust and eficient feature matching method is necessary for visual navigation in asteroid-landing missions.Based on the visual navigation framework and motion characteristics of asteroids,a robust and efficient template feature matching method is proposed to adapt to feature distortion and scale change cases for visual navigation of asteroids.The proposed method is primarily based on a motion-constrained discriminative correlation filter(DCF).The prior information provided by the motion constraints between sequence images is used to provide a predicted search region for template feature matching.Additionally,some specific template feature samples are generated using the motion constraints for correlation filter learning,which is beneficial for training a scale and feature distortion adaptive correlation filter for accurate feature matching.Moreover,average peak-to-correlation energy(APCE)and jointly consistent measurements(JCMs)were used to eliminate false matching.Images captured by the Touch And Go Camera System(TAGCAMS)of the Bennu asteroid were used to evaluate the performance of the proposed method.In particular,both the robustness and accuracy of region matching and template center matching are evaluated.The qualitative and quantitative results illustrate the advancement of the proposed method in adapting to feature distortions and large-scale changes during spacecraft landing.展开更多
Individual identification of dairy cows is the prerequisite for automatic analysis and intelligent perception of dairy cows'behavior.At present,individual identification of dairy cows based on deep convolutional n...Individual identification of dairy cows is the prerequisite for automatic analysis and intelligent perception of dairy cows'behavior.At present,individual identification of dairy cows based on deep convolutional neural network had the disadvantages in prolonged training at the additions of new cows samples.Therefore,a cow individual identification framework was proposed based on deep feature extraction and matching,and the individual identification of dairy cows based on this framework could avoid repeated training.Firstly,the trained convolutional neural network model was used as the feature extractor;secondly,the feature extraction was used to extract features and stored the features into the template feature library to complete the enrollment;finally,the identifies of dairy cows were identified.Based on this framework,when new cows joined the herd,enrollment could be completed quickly.In order to evaluate the application performance of this method in closed-set and open-set individual identification of dairy cows,back images of 524 cows were collected,among which the back images of 150 cows were selected as the training data to train feature extractor.The data of the remaining 374 cows were used to generate the template data set and the data to be identified.The experiment results showed that in the closed-set individual identification of dairy cows,the highest identification accuracy of top-1 was 99.73%,the highest identification accuracy from top-2 to top-5 was 100%,and the identification time of a single cow was 0.601 s,this method was verified to be effective.In the open-set individual identification of dairy cows,the recall was 90.38%,and the accuracy was 89.46%.When false accept rate(FAR)=0.05,true accept rate(TAR)=84.07%,this method was verified that the application had certain research value in open-set individual identification of dairy cows,which provided a certain idea for the application of individual identification in the field of intelligent animal husbandry.展开更多
Aming at the problem of the low accuracy of low dynamic vehicle velocity under the environment of uneven distribution of light intensity,an improved adaptive Kalman filter method for the velocity error estimate by the...Aming at the problem of the low accuracy of low dynamic vehicle velocity under the environment of uneven distribution of light intensity,an improved adaptive Kalman filter method for the velocity error estimate by the fusion of optical flow tracking and scale mvaiant feature transform(SIFT)is proposed.The algorithm introduces anonlinear fuzzy membership function and the filter residual for the noise covariance matrix in the adaptive adjustment process.In the process of calculating the velocity of the vehicle,the tracking and matching of the inter-frame displacement a d the vehicle velocity calculation a e carried out by using the optical fow tracing and the SIF'T methods,respectively.Meanwhile,the velocity difference between theoutputs of thesetwo methods is used as the observation of the improved adaptive Kalman filter.Finally,the velocity calculated by the optical fow method is corrected by using the velocity error estimate of the output of the modified adaptive Kalman filter.The results of semi-physical experiments show that the maximum velocityeror of the fusion algorithm is decreased by29%than that of the optical fow method,and the computation time is reduced by80%compared with the SIFT method.展开更多
The ORB-SLAM2 based on the constant velocity model is difficult to determine the search window of the reprojection of map points when the objects are in variable velocity motion,which leads to a false matching,with an...The ORB-SLAM2 based on the constant velocity model is difficult to determine the search window of the reprojection of map points when the objects are in variable velocity motion,which leads to a false matching,with an inaccurate pose estimation or failed tracking.To address the challenge above,a new method of feature point matching is proposed in this paper,which combines the variable velocity model with the reverse optical flow method.First,the constant velocity model is extended to a new variable velocity model,and the expanded variable velocity model is used to provide the initial pixel shifting for the reverse optical flow method.Then the search range of feature points is accurately determined according to the results of the reverse optical flow method,thereby improving the accuracy and reliability of feature matching,with strengthened interframe tracking effects.Finally,we tested on TUM data set based on the RGB-D camera.Experimental results show that this method can reduce the probability of tracking failure and improve localization accuracy on SLAM(Simultaneous Localization and Mapping)systems.Compared with the traditional ORB-SLAM2,the test error of this method on each sequence in the TUM data set is significantly reduced,and the root mean square error is only 63.8%of the original system under the optimal condition.展开更多
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.展开更多
To realize the high-precision vision measurement for large scale machine parts, a new vision measurement method based on dimension features of sequential partial images is proposed. Instead of mosaicking the partial i...To realize the high-precision vision measurement for large scale machine parts, a new vision measurement method based on dimension features of sequential partial images is proposed. Instead of mosaicking the partial images, extracting the dimension features of the sequential partial images and deriving the part size according to the relationships between the sequential images is a novel method to realize the high- precision and fast measurement of machine parts. To overcome the corresponding problems arising from the relative rotation between two sequential partial images, a rectifying method based on texture features is put forward to effectively improve the processing speed. Finally, a case study is provided to demonstrate the analysis procedure and the effectiveness of the proposed method. The experiments show that the relative error is less than 0. 012% using the sequential image measurement method to gauge large scale straight-edge parts. The measurement precision meets the needs of precise measurement for sheet metal parts.展开更多
Based on the inertial navigation system, the influences of the excursion of the inertial navigation system and the measurement error of the wireless pressure altimeter on the rotation and scale of the real image are q...Based on the inertial navigation system, the influences of the excursion of the inertial navigation system and the measurement error of the wireless pressure altimeter on the rotation and scale of the real image are quantitatively analyzed in scene matching. The log-polar transform (LPT) is utilized and an anti-rotation and anti- scale image matching algorithm is proposed based on the image edge feature point extraction. In the algorithm, the center point is combined with its four-neighbor points, and the corresponding computing process is put forward. Simulation results show that in the image rotation and scale variation range resulted from the navigation system error and the measurement error of the wireless pressure altimeter, the proposed image matching algo- rithm can satisfy the accuracy demands of the scene aided navigation system and provide the location error-correcting information of the system.展开更多
A new method based on adaptive Hessian matrix threshold of finding key SRUF ( speeded up robust features) features is proposed and is applied to an unmanned vehicle for its dynamic object recognition and guided navi...A new method based on adaptive Hessian matrix threshold of finding key SRUF ( speeded up robust features) features is proposed and is applied to an unmanned vehicle for its dynamic object recognition and guided navigation. First, the object recognition algorithm based on SURF feature matching for unmanned vehicle guided navigation is introduced. Then, the standard local invariant feature extraction algorithm SRUF is analyzed, the Hessian Metrix is especially discussed, and a method of adaptive Hessian threshold is proposed which is based on correct matching point pairs threshold feedback under a close loop frame. At last, different dynamic object recognition experi- ments under different weather light conditions are discussed. The experimental result shows that the key SURF feature abstract algorithm and the dynamic object recognition method can be used for un- manned vehicle systems.展开更多
A critical component of visual simultaneous localization and mapping is loop closure detection(LCD),an operation judging whether a robot has come to a pre-visited area.Concretely,given a query image(i.e.,the latest vi...A critical component of visual simultaneous localization and mapping is loop closure detection(LCD),an operation judging whether a robot has come to a pre-visited area.Concretely,given a query image(i.e.,the latest view observed by the robot),it proceeds by first exploring images with similar semantic information,followed by solving the relative relationship between candidate pairs in the 3D space.In this work,a novel appearance-based LCD system is proposed.Specifically,candidate frame selection is conducted via the combination of Superfeatures and aggregated selective match kernel(ASMK).We incorporate an incremental strategy into the vanilla ASMK to make it applied in the LCD task.It is demonstrated that this setting is memory-wise efficient and can achieve remarkable performance.To dig up consistent geometry between image pairs during loop closure verification,we propose a simple yet surprisingly effective feature matching algorithm,termed locality preserving matching with global consensus(LPM-GC).The major objective of LPM-GC is to retain the local neighborhood information of true feature correspondences between candidate pairs,where a global constraint is further designed to effectively remove false correspondences in challenging sceneries,e.g.,containing numerous repetitive structures.Meanwhile,we derive a closed-form solution that enables our approach to provide reliable correspondences within only a few milliseconds.The performance of the proposed approach has been experimentally evaluated on ten publicly available and challenging datasets.Results show that our method can achieve better performance over the state-of-the-art in both feature matching and LCD tasks.We have released our code of LPM-GC at https://github.com/jiayi-ma/LPM-GC.展开更多
In recent years,with the massive growth of image data,how to match the image required by users quickly and efficiently becomes a challenge.Compared with single-view feature,multi-view feature is more accurate to descr...In recent years,with the massive growth of image data,how to match the image required by users quickly and efficiently becomes a challenge.Compared with single-view feature,multi-view feature is more accurate to describe image information.The advantages of hash method in reducing data storage and improving efficiency also make us study how to effectively apply to large-scale image retrieval.In this paper,a hash algorithm of multi-index image retrieval based on multi-view feature coding is proposed.By learning the data correlation between different views,this algorithm uses multi-view data with deeper level image semantics to achieve better retrieval results.This algorithm uses a quantitative hash method to generate binary sequences,and uses the hash code generated by the association features to construct database inverted index files,so as to reduce the memory burden and promote the efficient matching.In order to reduce the matching error of hash code and ensure the retrieval accuracy,this algorithm uses inverted multi-index structure instead of single-index structure.Compared with other advanced image retrieval method,this method has better retrieval performance.展开更多
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.展开更多
基金supported by the National Natural Science Foundation of China (62276192)。
文摘Feature matching plays a key role in computer vision. However, due to the limitations of the descriptors, the putative matches are inevitably contaminated by massive outliers.This paper attempts to tackle the outlier filtering problem from two aspects. First, a robust and efficient graph interaction model,is proposed, with the assumption that matches are correlated with each other rather than independently distributed. To this end, we construct a graph based on the local relationships of matches and formulate the outlier filtering task as a binary labeling energy minimization problem, where the pairwise term encodes the interaction between matches. We further show that this formulation can be solved globally by graph cut algorithm. Our new formulation always improves the performance of previous localitybased method without noticeable deterioration in processing time,adding a few milliseconds. Second, to construct a better graph structure, a robust and geometrically meaningful topology-aware relationship is developed to capture the topology relationship between matches. The two components in sum lead to topology interaction matching(TIM), an effective and efficient method for outlier filtering. Extensive experiments on several large and diverse datasets for multiple vision tasks including general feature matching, as well as relative pose estimation, homography and fundamental matrix estimation, loop-closure detection, and multi-modal image matching, demonstrate that our TIM is more competitive than current state-of-the-art methods, in terms of generality, efficiency, and effectiveness. The source code is publicly available at http://github.com/YifanLu2000/TIM.
基金This work was supported by the Equipment Pre-Research Foundation of China(6140001020310).
文摘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.
基金Supported by the Key Research and Development Programs of Shandong Province(2018GGX101040)Applied Basic Research Programs of Qingdao(18-2-2-62-jch)。
文摘Feature matching is of significance in the field of computer vision.In this paper,a trifocal tensor based feature matching algorithm is proposed for three views,including a trinocular vision system.Initial matching point-pairs can be determined according to generic matching algorithms,on which an initial trifocal tensor of three views can be confirmed.Then the initial matching point-pairs should be re-selected.Meanwhile,the trifocal tensor will be recomputed.Iteratively,the optimized trifocal tensor can be obtained.Compatible fundamental matrix of every two views can be determined.Furthermore,in the trinocular vision sensor,the trifocal tensor can be calculated based on the intrinsic parameter matrix of each camera.With the strict constraint provided by the trifocal tensor,feature matching results will be optimized.Experiments show that our proposed algorithm has the characteristics of feasibility and precision.
基金This research is supported by the National Natural Science Foundation of China (No. 50875145) and the National High Technology Research and Development Program ("863" Program) of China (Contract No. 2007AAO4Z258).
文摘In this paper an automatic visual method of seam recognizing and seam tracking based on textural feature matching was proposed, in order to recognize the weld of multi-layer or multi-pass welding in which the weld is difficult to be recognized by conventional visual methods. This method focuses on the obvious difference of image textural feature between the weld region and the base metal region, as well as the similarity of the textural features along the welding direction. The method consists of the following steps : setting image template and choosing the edge region as ROI ( region of interest ), extracting the image textural feature of the template and the edge region, feature matching, and recognition of weld region. Experiment showed that the method proposed was effective for weld seam recognition in multi-layer welding.
文摘The traditional Chinese-English translation model tends to translate some source words repeatedly,while mistakenly ignoring some words.Therefore,we propose a novel English-Chinese neural machine translation based on self-organizing mapping neural network and deep feature matching.In this model,word vector,two-way LSTM,2D neural network and other deep learning models are used to extract the semantic matching features of question-answer pairs.Self-organizing mapping(SOM)is used to classify and identify the sentence feature.The attention mechanism-based neural machine translation model is taken as the baseline system.The experimental results show that this framework significantly improves the adequacy of English-Chinese machine translation and achieves better results than the traditional attention mechanism-based English-Chinese machine translation model.
基金This work was supported by Science and Technology Cooperation Special Project of Shijiazhuang(SJZZXA23005).
文摘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.
基金Supported by the Foundation of Department of Science and Technology of Jiangxi Province and the Multidiscipline Foundation of Nanchang University
文摘Feature recognition and surface reconstruction from point clouds are difficulties in reverse engineering. A new surface reconstruction algorithm for slicing point cloud was presented. The contours of slice were extracted. Then, the intersection of two adjacent curve segments in the contour was obtained and curves feature was extracted. Finally, adjacent section contours were matched directly with Fourier-Mellin curve matching method for feature extraction. An example of 3-D model reconstruction shows the reliability and application of the algorithm.
基金the Aerospace Science and Technology Foundation(No.20115557007)the National Natural Science Foundation of China(No.61673262)the Military Science and Technology Foundation of China(No.18-H863-03-ZT-001-006-06)
文摘Domain adaptation and adversarial networks are two main approaches for transfer learning.Domain adaptation methods match the mean values of source and target domains,which requires a very large batch size during training.However,adversarial networks are usually unstable when training.In this paper,we propose a joint method of feature matching and adversarial networks to reduce domain discrepancy and mine domaininvariant features from the local and global aspects.At the same time,our method improves the stability of training.Moreover,the method is embedded into a unified convolutional neural network that can be easily optimized by gradient descent.Experimental results show that our joint method can yield the state-of-the-art results on three common public datasets.
基金supported by the Strategic Priority Research Program of the Chinese Academy of Sciences[Grant No.XDA19080101]the Director Fund of the International Research Center of Big Data for Sus-tainable Development Goals[Grant No.CBAS2022DF015]+1 种基金the National Natural Science Foundation of China[Grant No.41901328 and 41974108]the National Key Research and Development Program of China[Grant No.2022YFC3800700].
文摘We present GeoGlue,a novel method using high-resolution UAV imagery for accurate feature matching,which is normally challenging due to the complicated scenes.Current feature detection methods are performed without guidance of geometric priors(e.g.,geometric lines),lacking enough attention given to salient geometric features which are indispensable for accurate matching due to their stable existence across views.In this work,geometric lines arefirstly detected by a CNN-based geometry detector(GD)which is pre-trained in a self-supervised manner through automatically generated images.Then,geometric lines are naturally vectorized based on GD and thus non-significant features can be disregarded as judged by their disordered geometric morphology.A graph attention network(GAT)is utilized forfinal feature matching,spanning across the image pair with geometric priors informed by GD.Comprehensive experiments show that GeoGlue outperforms other state-of-the-art methods in feature-matching accuracy and performance stability,achieving pose estimation with maximum rotation and translation errors under 1%in challenging scenes from benchmark datasets,Tanks&Temples and ETH3D.This study also proposes thefirst self-supervised deep-learning model for curved line detection,generating geometric priors for matching so that more attention is put on prominent features and improving the visual effect of 3D reconstruction.
基金funded by the National Natural Science Foundation of China under Grant Nos.41822106 and 42101447the Dawn Scholar of Shanghai Program under Grant No.18SG22+2 种基金the Science and Technology on Aerospace Flight Dynamics Laboratory,China,under Grant No.KGJ6142210110305State Key Laboratory of Disaster Reduction in Civil Engineering under Grant No.SLDRCE19-B-35Fundamental Research Funds for the Central Universities of China.
文摘A robust and eficient feature matching method is necessary for visual navigation in asteroid-landing missions.Based on the visual navigation framework and motion characteristics of asteroids,a robust and efficient template feature matching method is proposed to adapt to feature distortion and scale change cases for visual navigation of asteroids.The proposed method is primarily based on a motion-constrained discriminative correlation filter(DCF).The prior information provided by the motion constraints between sequence images is used to provide a predicted search region for template feature matching.Additionally,some specific template feature samples are generated using the motion constraints for correlation filter learning,which is beneficial for training a scale and feature distortion adaptive correlation filter for accurate feature matching.Moreover,average peak-to-correlation energy(APCE)and jointly consistent measurements(JCMs)were used to eliminate false matching.Images captured by the Touch And Go Camera System(TAGCAMS)of the Bennu asteroid were used to evaluate the performance of the proposed method.In particular,both the robustness and accuracy of region matching and template center matching are evaluated.The qualitative and quantitative results illustrate the advancement of the proposed method in adapting to feature distortions and large-scale changes during spacecraft landing.
基金Supported by the National Key Research and Development Program of China(2019YFE0125600)China Agriculture Research System(CARS-36)。
文摘Individual identification of dairy cows is the prerequisite for automatic analysis and intelligent perception of dairy cows'behavior.At present,individual identification of dairy cows based on deep convolutional neural network had the disadvantages in prolonged training at the additions of new cows samples.Therefore,a cow individual identification framework was proposed based on deep feature extraction and matching,and the individual identification of dairy cows based on this framework could avoid repeated training.Firstly,the trained convolutional neural network model was used as the feature extractor;secondly,the feature extraction was used to extract features and stored the features into the template feature library to complete the enrollment;finally,the identifies of dairy cows were identified.Based on this framework,when new cows joined the herd,enrollment could be completed quickly.In order to evaluate the application performance of this method in closed-set and open-set individual identification of dairy cows,back images of 524 cows were collected,among which the back images of 150 cows were selected as the training data to train feature extractor.The data of the remaining 374 cows were used to generate the template data set and the data to be identified.The experiment results showed that in the closed-set individual identification of dairy cows,the highest identification accuracy of top-1 was 99.73%,the highest identification accuracy from top-2 to top-5 was 100%,and the identification time of a single cow was 0.601 s,this method was verified to be effective.In the open-set individual identification of dairy cows,the recall was 90.38%,and the accuracy was 89.46%.When false accept rate(FAR)=0.05,true accept rate(TAR)=84.07%,this method was verified that the application had certain research value in open-set individual identification of dairy cows,which provided a certain idea for the application of individual identification in the field of intelligent animal husbandry.
基金The National Natural Science Foundation of China(No.51375087,51405203)the Transformation Program of Science and Technology Achievements of Jiangsu Province(No.BA2016139)
文摘Aming at the problem of the low accuracy of low dynamic vehicle velocity under the environment of uneven distribution of light intensity,an improved adaptive Kalman filter method for the velocity error estimate by the fusion of optical flow tracking and scale mvaiant feature transform(SIFT)is proposed.The algorithm introduces anonlinear fuzzy membership function and the filter residual for the noise covariance matrix in the adaptive adjustment process.In the process of calculating the velocity of the vehicle,the tracking and matching of the inter-frame displacement a d the vehicle velocity calculation a e carried out by using the optical fow tracing and the SIF'T methods,respectively.Meanwhile,the velocity difference between theoutputs of thesetwo methods is used as the observation of the improved adaptive Kalman filter.Finally,the velocity calculated by the optical fow method is corrected by using the velocity error estimate of the output of the modified adaptive Kalman filter.The results of semi-physical experiments show that the maximum velocityeror of the fusion algorithm is decreased by29%than that of the optical fow method,and the computation time is reduced by80%compared with the SIFT method.
基金This work was supported by The National Natural Science Foundation of China under Grant No.61304205 and NO.61502240The Natural Science Foundation of Jiangsu Province under Grant No.BK20191401 and No.BK20201136Postgraduate Research&Practice Innovation Program of Jiangsu Province under Grant No.SJCX21_0364 and No.SJCX21_0363.
文摘The ORB-SLAM2 based on the constant velocity model is difficult to determine the search window of the reprojection of map points when the objects are in variable velocity motion,which leads to a false matching,with an inaccurate pose estimation or failed tracking.To address the challenge above,a new method of feature point matching is proposed in this paper,which combines the variable velocity model with the reverse optical flow method.First,the constant velocity model is extended to a new variable velocity model,and the expanded variable velocity model is used to provide the initial pixel shifting for the reverse optical flow method.Then the search range of feature points is accurately determined according to the results of the reverse optical flow method,thereby improving the accuracy and reliability of feature matching,with strengthened interframe tracking effects.Finally,we tested on TUM data set based on the RGB-D camera.Experimental results show that this method can reduce the probability of tracking failure and improve localization accuracy on SLAM(Simultaneous Localization and Mapping)systems.Compared with the traditional ORB-SLAM2,the test error of this method on each sequence in the TUM data set is significantly reduced,and the root mean square error is only 63.8%of the original system under the optimal condition.
基金Supported by the Key Research Program of the Chinese Academy of Sciences(ZDRE-KT-2021-3)。
文摘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.
文摘To realize the high-precision vision measurement for large scale machine parts, a new vision measurement method based on dimension features of sequential partial images is proposed. Instead of mosaicking the partial images, extracting the dimension features of the sequential partial images and deriving the part size according to the relationships between the sequential images is a novel method to realize the high- precision and fast measurement of machine parts. To overcome the corresponding problems arising from the relative rotation between two sequential partial images, a rectifying method based on texture features is put forward to effectively improve the processing speed. Finally, a case study is provided to demonstrate the analysis procedure and the effectiveness of the proposed method. The experiments show that the relative error is less than 0. 012% using the sequential image measurement method to gauge large scale straight-edge parts. The measurement precision meets the needs of precise measurement for sheet metal parts.
文摘Based on the inertial navigation system, the influences of the excursion of the inertial navigation system and the measurement error of the wireless pressure altimeter on the rotation and scale of the real image are quantitatively analyzed in scene matching. The log-polar transform (LPT) is utilized and an anti-rotation and anti- scale image matching algorithm is proposed based on the image edge feature point extraction. In the algorithm, the center point is combined with its four-neighbor points, and the corresponding computing process is put forward. Simulation results show that in the image rotation and scale variation range resulted from the navigation system error and the measurement error of the wireless pressure altimeter, the proposed image matching algo- rithm can satisfy the accuracy demands of the scene aided navigation system and provide the location error-correcting information of the system.
基金Supported by the National Natural Science Foundation of China(61103157)Beijing Municipal Education Commission Project(SQKM201311417010)
文摘A new method based on adaptive Hessian matrix threshold of finding key SRUF ( speeded up robust features) features is proposed and is applied to an unmanned vehicle for its dynamic object recognition and guided navigation. First, the object recognition algorithm based on SURF feature matching for unmanned vehicle guided navigation is introduced. Then, the standard local invariant feature extraction algorithm SRUF is analyzed, the Hessian Metrix is especially discussed, and a method of adaptive Hessian threshold is proposed which is based on correct matching point pairs threshold feedback under a close loop frame. At last, different dynamic object recognition experi- ments under different weather light conditions are discussed. The experimental result shows that the key SURF feature abstract algorithm and the dynamic object recognition method can be used for un- manned vehicle systems.
基金supported by the Key Research and Development Program of Hubei Province(2020BAB113)。
文摘A critical component of visual simultaneous localization and mapping is loop closure detection(LCD),an operation judging whether a robot has come to a pre-visited area.Concretely,given a query image(i.e.,the latest view observed by the robot),it proceeds by first exploring images with similar semantic information,followed by solving the relative relationship between candidate pairs in the 3D space.In this work,a novel appearance-based LCD system is proposed.Specifically,candidate frame selection is conducted via the combination of Superfeatures and aggregated selective match kernel(ASMK).We incorporate an incremental strategy into the vanilla ASMK to make it applied in the LCD task.It is demonstrated that this setting is memory-wise efficient and can achieve remarkable performance.To dig up consistent geometry between image pairs during loop closure verification,we propose a simple yet surprisingly effective feature matching algorithm,termed locality preserving matching with global consensus(LPM-GC).The major objective of LPM-GC is to retain the local neighborhood information of true feature correspondences between candidate pairs,where a global constraint is further designed to effectively remove false correspondences in challenging sceneries,e.g.,containing numerous repetitive structures.Meanwhile,we derive a closed-form solution that enables our approach to provide reliable correspondences within only a few milliseconds.The performance of the proposed approach has been experimentally evaluated on ten publicly available and challenging datasets.Results show that our method can achieve better performance over the state-of-the-art in both feature matching and LCD tasks.We have released our code of LPM-GC at https://github.com/jiayi-ma/LPM-GC.
基金supported in part by the National Natural Science Foundation of China under Grant 61772561,author J.Q,http://www.nsfc.gov.cn/in part by the Key Research and Development Plan of Hunan Province under Grant 2018NK2012,author J.Q,http://kjt.hunan.gov.cn/+7 种基金in part by the Key Research and Development Plan of Hunan Province under Grant 2019SK2022,author Y.T,http://kjt.hunan.gov.cn/in part by the Science Research Projects of Hunan Provincial Education Department under Grant 18A174,author X.X,http://kxjsc.gov.hnedu.cn/in part by the Science Research Projects of Hunan Provincial Education Department under Grant 19B584,author Y.T,http://kxjsc.gov.hnedu.cn/in part by the Degree&Postgraduate Education Reform Project of Hunan Province under Grant 2019JGYB154,author J.Q,http://xwb.gov.hnedu.cn/in part by the Postgraduate Excellent teaching team Project of Hunan Province under Grant[2019]370-133,author J.Q,http://xwb.gov.hnedu.cn/in part by the Postgraduate Education and Teaching Reform Project of Central South University of Forestry&Technology under Grant 2019JG013,author X.X,http://jwc.csuft.edu.cn/in part by the Natural Science Foundation of Hunan Province(No.2020JJ4140),author Y.T,http://kjt.hunan.gov.cn/in part by the Natural Science Foundation of Hunan Province(No.2020JJ4141),author X.X,http://kjt.hunan.gov.cn/.
文摘In recent years,with the massive growth of image data,how to match the image required by users quickly and efficiently becomes a challenge.Compared with single-view feature,multi-view feature is more accurate to describe image information.The advantages of hash method in reducing data storage and improving efficiency also make us study how to effectively apply to large-scale image retrieval.In this paper,a hash algorithm of multi-index image retrieval based on multi-view feature coding is proposed.By learning the data correlation between different views,this algorithm uses multi-view data with deeper level image semantics to achieve better retrieval results.This algorithm uses a quantitative hash method to generate binary sequences,and uses the hash code generated by the association features to construct database inverted index files,so as to reduce the memory burden and promote the efficient matching.In order to reduce the matching error of hash code and ensure the retrieval accuracy,this algorithm uses inverted multi-index structure instead of single-index structure.Compared with other advanced image retrieval method,this method has better retrieval performance.
基金Supported by the Natural Science Foundation of China(62072388,62276146)the Industry Guidance Project Foundation of Science technology Bureau of Fujian province(2020H0047)+2 种基金the Natural Science Foundation of Science Technology Bureau of Fujian province(2019J01601)the Creation Fund project of Science Technology Bureau of Fujian province(JAT190596)Putian University Research Project(2022034)。
文摘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.