3D Object Recognition using Multiclass SVM-KNN

Similar documents
SCALE INVARIANT FEATURE TRANSFORM (SIFT)

SIFT - scale-invariant feature transform Konrad Schindler

Image Features: Detection, Description, and Matching and their Applications

CAP 5415 Computer Vision Fall 2012

CS 4495 Computer Vision A. Bobick. CS 4495 Computer Vision. Features 2 SIFT descriptor. Aaron Bobick School of Interactive Computing

EE368 Project Report CD Cover Recognition Using Modified SIFT Algorithm

SIFT: SCALE INVARIANT FEATURE TRANSFORM SURF: SPEEDED UP ROBUST FEATURES BASHAR ALSADIK EOS DEPT. TOPMAP M13 3D GEOINFORMATION FROM IMAGES 2014

Implementing the Scale Invariant Feature Transform(SIFT) Method

A Comparison of SIFT and SURF

Introduction. Introduction. Related Research. SIFT method. SIFT method. Distinctive Image Features from Scale-Invariant. Scale.

Scale Invariant Feature Transform

Outline 7/2/201011/6/

Obtaining Feature Correspondences

Local Features Tutorial: Nov. 8, 04

SVM-KNN : Discriminative Nearest Neighbor Classification for Visual Category Recognition

Scale Invariant Feature Transform

Local Features: Detection, Description & Matching

Learning to Recognize Faces in Realistic Conditions

CEE598 - Visual Sensing for Civil Infrastructure Eng. & Mgmt.

SIFT: Scale Invariant Feature Transform

3D Object Recognition using Multiclass Support Vector Machine-K-Nearest Neighbor Supported by Local and Global Feature

Feature Detection. Raul Queiroz Feitosa. 3/30/2017 Feature Detection 1

The SIFT (Scale Invariant Feature

Multiple-Choice Questionnaire Group C

Building a Panorama. Matching features. Matching with Features. How do we build a panorama? Computational Photography, 6.882

Performance Evaluation of Scale-Interpolated Hessian-Laplace and Haar Descriptors for Feature Matching

Line, edge, blob and corner detection

Patch-based Object Recognition. Basic Idea

Implementation and Comparison of Feature Detection Methods in Image Mosaicing

Local features: detection and description May 12 th, 2015

Scale Invariant Feature Transform by David Lowe

Local features: detection and description. Local invariant features

Features Points. Andrea Torsello DAIS Università Ca Foscari via Torino 155, Mestre (VE)

Edge Histogram Descriptor, Geometric Moment and Sobel Edge Detector Combined Features Based Object Recognition and Retrieval System

Local features and image matching. Prof. Xin Yang HUST

Image Processing. Image Features

SUMMARY: DISTINCTIVE IMAGE FEATURES FROM SCALE- INVARIANT KEYPOINTS

Computer Vision for HCI. Topics of This Lecture

Object Recognition Using K-Nearest Neighbor Supported By Eigen Value Generated From the Features of an Image

Shape Context Matching For Efficient OCR

3D Reconstruction From Multiple Views Based on Scale-Invariant Feature Transform. Wenqi Zhu

Feature descriptors. Alain Pagani Prof. Didier Stricker. Computer Vision: Object and People Tracking

Local Image Features

Recognition: Face Recognition. Linda Shapiro EE/CSE 576

A Comparison of SIFT, PCA-SIFT and SURF

Feature-based methods for image matching

Image features. Image Features

Object Detection by Point Feature Matching using Matlab

Discriminative classifiers for image recognition

II. PROPOSED FACE RECOGNITION SYSTEM

Object Recognition with Invariant Features

Ulas Bagci

Metric Learning for Large-Scale Image Classification:

EECS150 - Digital Design Lecture 14 FIFO 2 and SIFT. Recap and Outline

MORPHOLOGICAL BOUNDARY BASED SHAPE REPRESENTATION SCHEMES ON MOMENT INVARIANTS FOR CLASSIFICATION OF TEXTURES

Motion illusion, rotating snakes

Face detection and recognition. Detection Recognition Sally

CS 556: Computer Vision. Lecture 3

School of Computing University of Utah

Lecture 10 Detectors and descriptors

Computer vision: models, learning and inference. Chapter 13 Image preprocessing and feature extraction

Augmented Reality VU. Computer Vision 3D Registration (2) Prof. Vincent Lepetit

CS231A Section 6: Problem Set 3

Object Classification Problem

2D Image Processing Feature Descriptors

Automatic Image Alignment (feature-based)

IMAGE RETRIEVAL USING VLAD WITH MULTIPLE FEATURES

Local Image Features

Motion Estimation and Optical Flow Tracking

Problem Session #6. EE368/CS232 Digital Image Processing

Metric Learning for Large Scale Image Classification:

Local Features and Kernels for Classifcation of Texture and Object Categories: A Comprehensive Study

Local invariant features

Evaluation and comparison of interest points/regions

CS 223B Computer Vision Problem Set 3

Support Vector Machines

Comparison of Feature Detection and Matching Approaches: SIFT and SURF

SCALE INVARIANT FEATURE EXTRACTION FOR IDENTIFYING AN OBJECT IN THE IMAGE USING MOMENT INVARIANTS

CS 556: Computer Vision. Lecture 3

Robust PDF Table Locator

Announcements. CS 188: Artificial Intelligence Spring Generative vs. Discriminative. Classification: Feature Vectors. Project 4: due Friday.

DA Progress report 2 Multi-view facial expression. classification Nikolas Hesse

3D from Photographs: Automatic Matching of Images. Dr Francesco Banterle

CS 558: Computer Vision 4 th Set of Notes

Real-time Object Detection CS 229 Course Project

Yudistira Pictures; Universitas Brawijaya

Recognition of a Predefined Landmark Using Optical Flow Sensor/Camera

TA Section 7 Problem Set 3. SIFT (Lowe 2004) Shape Context (Belongie et al. 2002) Voxel Coloring (Seitz and Dyer 1999)

Instance-based Learning

BSB663 Image Processing Pinar Duygulu. Slides are adapted from Selim Aksoy

COSC160: Detection and Classification. Jeremy Bolton, PhD Assistant Teaching Professor

Determinant of homography-matrix-based multiple-object recognition

Image Features Detection, Description and Matching

CS 231A Computer Vision (Fall 2012) Problem Set 3

Faster Image Feature Extraction Hardware

Feature Matching and Robust Fitting

Classification and Detection in Images. D.A. Forsyth

Face Recognition using SURF Features and SVM Classifier

Instance-based Learning

Automatic Image Alignment

Transcription:

3D Object Recognition using Multiclass SVM-KNN R. Muralidharan, C. Chandradekar April 29, 2014 Presented by: Tasadduk Chowdhury

Problem We address the problem of recognizing 3D objects based on various views. The objective is to identify a 3D object based on its 2D image taken from any given angle. The 3D object recognition has been a prominent research area for last two decades. Recently view-based 3D object recognition has attracted many researchers in the community of machine learning.

Outline 1. Image database used for 3D object recognition. 2. Machine Learning algorithms: Multiclass SVMs K-Nearest Neighbor Algorithm (KNN) SVM-KNN 3. Proposed SVM-KNN based 3D object recognition. 4. Some local and global image features. 5. Experimental results for the proposed method in comparison with other methods.

Image Database The COIL (Columbia Object Image Library) database consists of 7,200 images (100 objects, 72 views per object). Each image is a color image of size 128 128. Objects positioned on a motorized turntable against black background are observed from fixed viewpoint. For each object, the turntable was rotated 5 per image. Images were normalized to size 128 128 to save disk storage.

Image Database Figure : Objects from COIL database (a) View: 0 (b) View: 45 (c) View: 300 (d) View: 0 (e) View: 45 (f) View: 300

Multi-class SVM Many real-world problems deal with more than two classes. Multiclass problems involve reformulating them as a number of binary classification problems, and solving these with binary SVMs. Two methods to implement a multiclass SVM: one-against-one and one-against-all.

Multi-class SVM 1. One-against-one: One binary SVM for each pair of classes (N(N 1)/2 SVMs).

Multi-class SVM 2. One-against-all: One binary SVM for each class to separate from the rest (N SVMs).

K-Nearest Neighbor Algorithm (KNN) Figure : K-nearest neighbors

K-Nearest Neighbor Algorithm (KNN) KNN classifies a point based on its k closest neighbors. Find the k closest points and choose a label based on majority of its neighbors. If k = 1, then the object is simply assigned to class of its nearest neighbor. Larger value of k reduce the effect of noise on the classification.

SVM-KNN KNN suffers from the problem of high variance in the case of limited sampling. With SVMs, training on a whole dataset can be slow and may not work very well when the number of classes is large. Zhang et al. (2006) proposed SVM-KNN as a classifier for visual category recognition. SVM-KNN can be applied to large multiclass data sets for which it outperforms KNN and SVMs, and remains efficient.

SVM-KNN For a query, 1. choose a proper distance function d(x, y) for the problem. Typically, d is the Euclidean distance function in problems of object recognition. 2. compute distances of the query to all training examples and pick the nearest k neighbors. 3. if k neighbors have all the same labels, the query is labeled and exit; otherwise, compute the pairwise distances between the k neighbors and store in a matrix. 4. convert the distance matrix to a kernel matrix and apply multi-class SVM. A Gaussian function K(x, y) = exp( d(x, y)/σ 2 ) can be used as the kernel. 5. use the resulting classifier to label the query.

SVM-KNN

SVM-KNN based 3D Object Recognition

Canny Edge Detection For an image f (x, y): 1. Compute x (f G) and y (f G) at every point, where G(x, y) is the Gaussian function with parameter σ. f x = x (f G) = f x G, f y = y (f G) = f y G. 2. Compute magnitude of the gradient: M(x, y) = f 2 x + f 2 y. 3. Find local maxima of M(x, y). 4. Apply thresholding/edge linking.

Canny Edge Detection (a) Original (b) edges detected

Local Image Features: Hessian-Laplace Detector The local features are extracted on a small image window around pixel. Corners and blobs on an image can be detected by Hessian-Laplace detector. The Hessian of an image f (x, y): Hf (x, y) = [ ] fxx (x, y) f xy (x, y). f yx (x, y) f yy (x, y) The detector chooses points on the image where det(hf ) reaches a local maximum. Such points are translation, scale, and rotation invariant.

Local Image Features: SIFT Scale-invariant Feature Transform (SIFT) is a local feature extraction method (David Lowe, 2004). Generally SIFT has a high dimension of 128 features, but Principal Component Analysis (PCA) can be utilized to reduce the number of features. Choose an interesting point using the Hessian-Laplace detector and then apply PCA-SIFT on this point.

Local Image Features: SIFT

Global Image Feature: Geometric Moments For a M N image f (x, y), the (p + q) th order moment is m p,q = M 1 N 1 y=0 x=0 The central moment: µ p,q = M 1 N 1 y=0 x=0 x p y q f (x, y), p, q = 0, 1, 2,. (x x) p (y y) q f (x, y), p, q = 0, 1, 2,, where x = m 1,0 /m 0,0 and y = m 0,1 /m 0,0.

Global Image Feature: Geometric Moments Normalized moments: η p,q = µ p,q µ γ, γ = p + q + 1. 0,0 2 Hu s Geometric Moments: seven values using the normalized moments up to order three. Translation, scale, rotation invariant. First three of Hu s geometric moments: M 1 = η 2,0 + η 0,2 M 2 = (η 2,0 η 0,2 ) 2 + 4η 2 1,1 M 3 = (η 3,0 3η 1,2 ) 2 + (3η 2,1 η 0,3 ) 2.

Feature Vector Construction The following steps are taken to extract a feature vector from the images of a given object: 1. Preprocess: convert the color images to greyscale and resize to 100 100; apply edge detection on the images and extract the following features. 2. Local features: extract 36 PCA-SIFT descriptors from a point detected by Hessian-Laplace detector. 3. Global features: Hu s seven geometric moments. 4. All 43 features are stored in a vector. These vectors are used to train the SVM.

Feature Vector Construction Figure : Feature Extraction.

Training Phase Images of objects are given as input to the system. Preprocess the images. Extract local and global features. Constructed feature vector is stored with object label. Train the SVM.

Testing Phase Input: image of an object. Preprocess and construct a feature vector as in the training phase. Find k closest feature vectors from the training set. Use multiclass SVM for classification.

Experimentation To experiment the proposed method, the COIL image database was used. 100 objects were selected for object recognition. For training set, 10 different views per object. (size of the training set = 1000). For test set, 10 alternate views of the same objects were chosen. For comparision, SVM, KNN, and BPN were experimented using the same training and test set.

Results

Results

Conclusion Combining local and global feature provides better results. SVM-KNN classifier has greater accuracy than the traditional methods (SVM, KNN, BPN). Future work will include the process of increasing the efficiency by adding more features.

Bibliography R. Muralidharan, C. Chandrasekar 3D Object Recognition using Multiclass Support Vector Machine-K-Nearest Neighbor Supported by Local and Global Feature. 2012. H. Zhang, A.C. Berg, M. Maire, and J. Malik. SVM-KNN: Discriminative Nearest Neighbor Classification for Visual Category Recognition. 2006 D. Lowe. Distinctive Image Features from Scale-invariant Keypoints. 2004. M. Hu. Visual Pattern Recognition by Moment Invariants. 1962.