• 제목/요약/키워드: RANSAC

검색결과 152건 처리시간 0.029초

Random Sample Consensus를 이용한 포인트 클라우드 실린더 형태 매칭 (Matching for Cylinder Shape in Point Cloud Using Random Sample Consensus)

  • 진영훈
    • 정보과학회 논문지
    • /
    • 제43권5호
    • /
    • pp.562-568
    • /
    • 2016
  • 포인트 클라우드 데이터는 어떠한 형태를 표현하기 위해 무수히 많은 점들을 갖는 데이터 집합으로 특정 벡터 시스템에서 표현될 수 있으며, 일반적으로 3차원 좌표 공간에서 다양한 특성을 갖게 된다. 본 논문은 3차원 좌표 시스템의 포인트 클라우드에서 기존 방법(Hough Transform)보다 빠른 실린더 형태의 파이프 추정을 목표로 한다. 이를 위해 비교적 빠른 RANdom SAmple Consensus(RANSAC)를 사용한다. 본 논문에서 제안하는 실린더 형태의 파이프 추정은 두 가지 형태의 수학적 모델을 근거로 파라미터를 계산하고, 결과를 조합하여 예측한다. 두 가지 수학적 모델은 구(Sphere)와 직선(Line)이며, RANSAC 적합을 통해 실린더의 축과 반지름이 될 수 있는 구의 파라미터(중심과 반지름)를 계산하고, 이를 직선화하여 실린더를 추정한다. 이는 법선 추정(Normal Estimation) 및 분할(Segmentation) 없이 비교적 정확도를 유지하며, 빠르게 실린더 매칭을 할 수 있게 한다. 빠른 실린더 매칭은 실시간 파이프 추정이 필요한 레이저 스캐닝 및 건설 역설계 분야에서 활용할 수 있을 것이다.

Modified SIFT와 블록프로세싱을 이용한 적외선과 광학 위성영상의 자동정합기법 (Automatic Registration Method for EO/IR Satellite Image Using Modified SIFT and Block-Processing)

  • 이강훈;최태선
    • 한국정보전자통신기술학회논문지
    • /
    • 제4권3호
    • /
    • pp.174-181
    • /
    • 2011
  • 본 논문에서는 적외선 위성영상과 광학 위성영상을 위한 정합방법을 제안하였다. 적외선 영상은 물체에서 방사하는 열에너지를 측정한 것으로, 광학 영상과는 다른 정보를 보여주는 장점으로 많은 분야에 응용된다. 하지만 적외선 영상은 대비가 광학 영상에 비해 낮아, 영상 정합을 위한 특징점 추출 및 매칭을 하기가 어렵다. 이를 극복하기 위해, Modifed SIFT(Scale Invariant Feature Transform)를 사용하여 특징점을 추출 및 매칭하였다. 또한 특징점의 상대적 변별력을 증가시키기 위해, 영상을 블록화해서 Modified SIFT와 RANSAC (RANdom SAample Concensus)을 적용하였다. 마지막으로 오매칭이 있는 블록의 특징점을 제거하기 위해, 각 블록에서 추출된 특징점을 원 영상의 좌표계로 통합해 RANSAC을 다시 한 번 적용하였다. 실험에 사용된 적외선 영상의 파장대역은 3~5um이며, 실험결과 제안된 방법은 적외선과 광학 영상정합에 강인한 성능을 보였다.

1-Point Ransac Based Robust Visual Odometry

  • Nguyen, Van Cuong;Heo, Moon Beom;Jee, Gyu-In
    • Journal of Positioning, Navigation, and Timing
    • /
    • 제2권1호
    • /
    • pp.81-89
    • /
    • 2013
  • Many of the current visual odometry algorithms suffer from some extreme limitations such as requiring a high amount of computation time, complex algorithms, and not working in urban environments. In this paper, we present an approach that can solve all the above problems using a single camera. Using a planar motion assumption and Ackermann's principle of motion, we construct the vehicle's motion model as a circular planar motion (2DOF). Then, we adopt a 1-point method to improve the Ransac algorithm and the relative motion estimation. In the Ransac algorithm, we use a 1-point method to generate the hypothesis and then adopt the Levenberg-Marquardt method to minimize the geometric error function and verify inliers. In motion estimation, we combine the 1-point method with a simple least-square minimization solution to handle cases in which only a few feature points are present. The 1-point method is the key to speed up our visual odometry application to real-time systems. Finally, a Bundle Adjustment algorithm is adopted to refine the pose estimation. The results on real datasets in urban dynamic environments demonstrate the effectiveness of our proposed algorithm.

패턴인식 필터링을 적용한 물체인식 성능 향상 기법 (A Method for Improving Object Recognition Using Pattern Recognition Filtering)

  • 박진렬;이승기
    • 전자공학회논문지
    • /
    • 제53권6호
    • /
    • pp.122-129
    • /
    • 2016
  • 컴퓨터 비전(Computer vision) 분야에서 물체인식을 위한 많은 알고리즘이 연구되고 있다. 그중 특징점(feature) 기반의 SURF(Speeded Up Robust Features) 알고리즘은 다른 알고리즘에 비해 속도와 정확도 면에서 우수하다. 하지만 SURF 알고리즘은 대응점 검출 시 대응점 오정합으로 물체인식에 실패하는 단점이 있다. 본 논문은 물체 인식률을 향상하기 위하여 SURF와 RANSAC(Random Sample Consensus) 알고리즘을 기반으로 물체인식 시스템을 구현하고, 패턴인식 필터링을 제안하였다. 또한, 실험을 통하여 물체 인식률 향상 결과를 제시하였다.

자율주행 차량을 위한 교통표지판 인식 및 RANSAC 기반의 모션예측을 통한 추적 (Traffic Sign Recognition, and Tracking Using RANSAC-Based Motion Estimation for Autonomous Vehicles)

  • 김성욱;이준웅
    • 제어로봇시스템학회논문지
    • /
    • 제22권2호
    • /
    • pp.110-116
    • /
    • 2016
  • Autonomous vehicles must obey the traffic laws in order to drive actual roads. Traffic signs erected at the side of roads explain the road traffic information or regulations. Therefore, traffic sign recognition is necessary for the autonomous vehicles. In this paper, color characteristics are first considered to detect traffic sign candidates. Subsequently, we establish HOG (Histogram of Oriented Gradients) features from the detected candidate and recognize the traffic sign through a SVM (Support Vector Machine). However, owing to various circumstances, such as changes in weather and lighting, it is difficult to recognize the traffic signs robustly using only SVM. In order to solve this problem, we propose a tracking algorithm with RANSAC-based motion estimation. Using two-point motion estimation, inlier feature points within the traffic sign are selected and then the optimal motion is calculated with the inliers through a bundle adjustment. This approach greatly enhances the traffic sign recognition performance.

그래디언트 히스토그램 기반의 효율적인 영상 품질 평가 (Histogram of Gradient based Efficient Image Quality Assessment)

  • 노세용;안상우;정정화
    • 전기전자학회논문지
    • /
    • 제16권3호
    • /
    • pp.182-188
    • /
    • 2012
  • 본 논문에서는 그래디언트 히스토그램을 기반으로 하는 영상 품질 평가 알고리즘을 제안하였다. 이는 목표 영상의 그래디언트 영상을 히스토그램으로 나타낼 경우 영상의 특성을 잘 나타낸다는 장점을 이용하였다. 제안한 방법에서 영상의 품질은 목표 영상에서 얻어진 그래디언트 히스토그램의 기울기에 의해 평가되고, 그래디언트 히스토그램을 대표하는 선의 기울기는 RANSAC (Random Sample Consensus)에 의해 측정된다. LIVE 영상 품질 평가 데이터베이스를 사용한 실험 결과를 통하여 제안한 알고리즘이 현존하는 다른 알고리즘에 비해 실제 사람의 영상에 대한 평가와 유사하다는 것을 확인할 수 있다.

CNN을 사용한 차선검출 시스템 (Lane Detection System using CNN)

  • 김지훈;이대식;이민호
    • 대한임베디드공학회논문지
    • /
    • 제11권3호
    • /
    • pp.163-171
    • /
    • 2016
  • Lane detection is a widely researched topic. Although simple road detection is easily achieved by previous methods, lane detection becomes very difficult in several complex cases involving noisy edges. To address this, we use a Convolution neural network (CNN) for image enhancement. CNN is a deep learning method that has been very successfully applied in object detection and recognition. In this paper, we introduce a robust lane detection method based on a CNN combined with random sample consensus (RANSAC) algorithm. Initially, we calculate edges in an image using a hat shaped kernel, then we detect lanes using the CNN combined with the RANSAC. In the training process of the CNN, input data consists of edge images and target data is images that have real white color lanes on an otherwise black background. The CNN structure consists of 8 layers with 3 convolutional layers, 2 subsampling layers and multi-layer perceptron (MLP) of 3 fully-connected layers. Convolutional and subsampling layers are hierarchically arranged to form a deep structure. Our proposed lane detection algorithm successfully eliminates noise lines and was found to perform better than other formal line detection algorithms such as RANSAC

다중 방향성 Greedy 알고리즘을 이용한 스테레오 정합 (Multi-directional Greedy Stereo Matching)

  • 백승해;정순기;박순용;김상희;김정환
    • 한국정보과학회:학술대회논문집
    • /
    • 한국정보과학회 2008년도 한국컴퓨터종합학술대회논문집 Vol.35 No.1 (C)
    • /
    • pp.555-560
    • /
    • 2008
  • 두 장의 2차원 영상을 가지고 3차원을 재구성하기 위해서는 스테레오 정합을 이용한다. 이러한 이유로 그 동안에 많은 스테레오 정합에 대한 연구가 진행되었다. 스테레오 정합은 컴퓨터 기술의 발전과 더불어 좀 더 빠르고 높은 정확성을 보이고 있다. 하지만 속도와 정확성을 동시에 만족시키면서 대형영상에서도 동작할 수 있게 메모리을 적게 사용하는 방법은 많지가 않다. 본 논문에서는 이런 요구 조건을 만족시키기 위하여 새로운 스테레오 정합방법을 제시한다. 우리가 제시하는 새로운 방법은 다중 방향성 Greedy 알고리즘과 RANSAC을 반복적으로 사용하여 영상전체에 대한 스테레오 정합을 시도하는 방법이다. 우선 Greedy 알고리즘을 이용하여 여러 방향의 scan-line을 따라 깊이값 영상을 구한다. 그리고 이 여러 장의 깊이값 영상들의 분포를 RANSAC을 이용하여 신뢰영역을 찾아낸다. 구해진 신뢰영역을 바탕으로 Greedy 알고리즘과 RANSAC을 수 차례 반복하여 신뢰영역을 확장해 나가면 최종 깊이값 영상을 얻는다. 우리가 제안하는 알고리즘은 적은 메모리로도 큰 영상의 정합이 가능하고, 속도와 정확도 측면에서도 우수한 결과를 보인다.

  • PDF

Affine Category Shape Model을 이용한 형태 기반 범주 물체 인식 기법 (A New Shape-Based Object Category Recognition Technique using Affine Category Shape Model)

  • 김동환;최유경;박성기
    • 로봇학회논문지
    • /
    • 제4권3호
    • /
    • pp.185-191
    • /
    • 2009
  • This paper presents a new shape-based algorithm using affine category shape model for object category recognition and model learning. Affine category shape model is a graph of interconnected nodes whose geometric interactions are modeled using pairwise potentials. In its learning phase, it can efficiently handle large pose variations of objects in training images by estimating 2-D homography transformation between the model and the training images. Since the pairwise potentials are defined on only relative geometric relationship betweenfeatures, the proposed matching algorithm is translation and in-plane rotation invariant and robust to affine transformation. We apply spectral matching algorithm to find feature correspondences, which are then used as initial correspondences for RANSAC algorithm. The 2-D homography transformation and the inlier correspondences which are consistent with this estimate can be efficiently estimated through RANSAC, and new correspondences also can be detected by using the estimated 2-D homography transformation. Experimental results on object category database show that the proposed algorithm is robust to pose variation of objects and provides good recognition performance.

  • PDF

Registration of Aerial Image with Lines using RANSAC Algorithm

  • Ahn, Y.;Shin, S.;Schenk, T.;Cho, W.
    • 한국측량학회지
    • /
    • 제25권6_1호
    • /
    • pp.529-536
    • /
    • 2007
  • Registration between image and object space is a fundamental step in photogrammetry and computer vision. Along with rapid development of sensors - multi/hyper spectral sensor, laser scanning sensor, radar sensor etc., the needs for registration between different sensors are ever increasing. There are two important considerations on different sensor registration. They are sensor invariant feature extraction and correspondence between them. Since point to point correspondence does not exist in image and laser scanning data, it is necessary to have higher entities for extraction and correspondence. This leads to modify first, existing mathematical and geometrical model which was suitable for point measurement to line measurements, second, matching scheme. In this research, linear feature is selected for sensor invariant features and matching entity. Linear features are incorporated into mathematical equation in the form of extended collinearity equation for registration problem known as photo resection which calculates exterior orientation parameters. The other emphasis is on the scheme of finding matched entities in the aide of RANSAC (RANdom SAmple Consensus) in the absence of correspondences. To relieve computational load which is a common problem in sampling theorem, deterministic sampling technique and selecting 4 line features from 4 sectors are applied.