Sebastian Thrun CS223B Computer Vision, Winter 2005 1 Stanford CS223B Computer Vision, Winter 2006 Lecture 3 More On Features Professor Sebastian Thrun.

Slides:



Advertisements
Similar presentations
Distinctive Image Features from Scale-Invariant Keypoints
Advertisements

Distinctive Image Features from Scale-Invariant Keypoints David Lowe.
Object Recognition from Local Scale-Invariant Features David G. Lowe Presented by Ashley L. Kapron.
The SIFT (Scale Invariant Feature Transform) Detector and Descriptor
Object Recognition using Invariant Local Features Applications l Mobile robots, driver assistance l Cell phone location or object recognition l Panoramas,
CSE 473/573 Computer Vision and Image Processing (CVIP)
Distinctive Image Features from Scale- Invariant Keypoints Mohammad-Amin Ahantab Technische Universität München, Germany.
Instructor: Mircea Nicolescu Lecture 13 CS 485 / 685 Computer Vision.
Edge and Corner Detection Reading: Chapter 8 (skip 8.1) Goal: Identify sudden changes (discontinuities) in an image This is where most shape information.
Edge Detection. Our goal is to extract a “line drawing” representation from an image Useful for recognition: edges contain shape information –invariance.
Object Recognition with Invariant Features n Definition: Identify objects or scenes and determine their pose and model parameters n Applications l Industrial.
Fast High-Dimensional Feature Matching for Object Recognition David Lowe Computer Science Department University of British Columbia.
Edge detection Goal: Identify sudden changes (discontinuities) in an image Intuitively, most semantic and shape information from the image can be encoded.
Advanced Features Jana Kosecka CS223b Slides from: S. Thurn, D. Lowe, Forsyth and Ponce.
Stanford CS223B Computer Vision, Winter Lecture 4 Advanced Features
Stanford CS223B Computer Vision, Winter 2007 Lecture 5 Advanced Image Filters Professors Sebastian Thrun and Jana Košecká CAs: Vaibhav Vaish and David.
Object Recognition with Invariant Features n Definition: Identify objects or scenes and determine their pose and model parameters n Applications l Industrial.
CS223b, Jana Kosecka Image Features Local, meaningful, detectable parts of the image. Line detection Corner detection Motivation Information content high.
Sebastian Thrun CS223B Computer Vision, Winter Stanford CS223B Computer Vision, Winter 2005 Lecture 3 Filters and Features (with Matlab) Sebastian.
Feature matching and tracking Class 5 Read Section 4.1 of course notes Read Shi and Tomasi’s paper on.
Automatic Image Alignment (feature-based) : Computational Photography Alexei Efros, CMU, Fall 2005 with a lot of slides stolen from Steve Seitz and.
Distinctive Image Feature from Scale-Invariant KeyPoints
Feature extraction: Corners and blobs
Distinctive image features from scale-invariant keypoints. David G. Lowe, Int. Journal of Computer Vision, 60, 2 (2004), pp Presented by: Shalomi.
Scale Invariant Feature Transform (SIFT)
SIFT - The Scale Invariant Feature Transform Distinctive image features from scale-invariant keypoints. David G. Lowe, International Journal of Computer.
3-D Computer Vision CSc Feature Detection and Grouping.
Automatic Image Alignment (feature-based) : Computational Photography Alexei Efros, CMU, Fall 2006 with a lot of slides stolen from Steve Seitz and.
The SIFT (Scale Invariant Feature Transform) Detector and Descriptor
CS4670: Computer Vision Kavita Bala Lecture 8: Scale invariance.
776 Computer Vision Jan-Michael Frahm, Enrique Dunn Spring 2013.
Distinctive Image Features from Scale-Invariant Keypoints David G. Lowe – IJCV 2004 Brien Flewelling CPSC 643 Presentation 1.
Sebastian Thrun CS223B Computer Vision, Winter Stanford CS223B Computer Vision, Winter 2005 Lecture 3 Advanced Features Sebastian Thrun, Stanford.
Scale-Invariant Feature Transform (SIFT) Jinxiang Chai.
Computer vision.
Object Tracking/Recognition using Invariant Local Features Applications l Mobile robots, driver assistance l Cell phone location or object recognition.
Reporter: Fei-Fei Chen. Wide-baseline matching Object recognition Texture recognition Scene classification Robot wandering Motion tracking.
776 Computer Vision Jan-Michael Frahm Fall SIFT-detector Problem: want to detect features at different scales (sizes) and with different orientations!
CVPR 2003 Tutorial Recognition and Matching Based on Local Invariant Features David Lowe Computer Science Department University of British Columbia.
CSCE 643 Computer Vision: Extractions of Image Features Jinxiang Chai.
Lecture 7: Features Part 2 CS4670/5670: Computer Vision Noah Snavely.
Distinctive Image Features from Scale-Invariant Keypoints Ronnie Bajwa Sameer Pawar * * Adapted from slides found online by Michael Kowalski, Lehigh University.
Edge detection Goal: Identify sudden changes (discontinuities) in an image Intuitively, most semantic and shape information from the image can be encoded.
Kylie Gorman WEEK 1-2 REVIEW. CONVERTING AN IMAGE FROM RGB TO HSV AND DISPLAY CHANNELS.
Distinctive Image Features from Scale-Invariant Keypoints David Lowe Presented by Tony X. Han March 11, 2008.
Feature extraction: Corners and blobs. Why extract features? Motivation: panorama stitching We have two images – how do we combine them?
A Tutorial on using SIFT Presented by Jimmy Huff (Slightly modified by Josiah Yoder for Winter )
Presented by David Lee 3/20/2006
MASKS © 2004 Invitation to 3D vision Lecture 3 Image Primitives andCorrespondence.
Blob detection.
SIFT.
SIFT Scale-Invariant Feature Transform David Lowe
CS262: Computer Vision Lect 09: SIFT Descriptors
Interest Points EE/CSE 576 Linda Shapiro.
Presented by David Lee 3/20/2006
Lecture 07 13/12/2011 Shai Avidan הבהרה: החומר המחייב הוא החומר הנלמד בכיתה ולא זה המופיע / לא מופיע במצגת.
Distinctive Image Features from Scale-Invariant Keypoints
Scale Invariant Feature Transform (SIFT)
SIFT paper.
Corners and Interest Points
CAP 5415 Computer Vision Fall 2012 Dr. Mubarak Shah Lecture-5
From a presentation by Jimmy Huff Modified by Josiah Yoder
The SIFT (Scale Invariant Feature Transform) Detector and Descriptor
Interest Points & Descriptors 3 - SIFT
SIFT.
Lecture VI: Corner and Blob Detection
Feature descriptors and matching
Presented by Xu Miao April 20, 2005
Presentation transcript:

Sebastian Thrun CS223B Computer Vision, Winter Stanford CS223B Computer Vision, Winter 2006 Lecture 3 More On Features Professor Sebastian Thrun CAs: Dan Maynes-Aminzade and Mitul Saha [with slides by D Forsyth, D. Lowe, M. Polleyfeys, C. Rasmussen, G. Loy, D. Jacobs, J. Rehg, A, Hanson, G. Bradski,…]

Sebastian Thrun CS223B Computer Vision, Winter Today’s Goals Canny Edge Detector Harris Corner Detector Hough Transform Templates and Image Pyramid SIFT Features

Sebastian Thrun CS223B Computer Vision, Winter Features in Matlab im = imread('bridge.jpg'); bw = double(im(:,:,1))./ 256; edge(im,’sobel’) - (almost) linear edge(im,’canny’) - not local, no closed form

Sebastian Thrun CS223B Computer Vision, Winter Sobel Operator S1=S1=S 2 = Edge Magnitude = Edge Direction = S 1 + S tan -1 S1S1 S2S2

Sebastian Thrun CS223B Computer Vision, Winter Sobel in Matlab edge(im,’sobel’)

Sebastian Thrun CS223B Computer Vision, Winter Canny Edge Detector edge(im,’canny’)

Sebastian Thrun CS223B Computer Vision, Winter Comparison CannySobel

Sebastian Thrun CS223B Computer Vision, Winter Canny Edge Detection Steps: 1.Apply derivative of Gaussian 2.Non-maximum suppression Thin multi-pixel wide “ridges” down to single pixel width 3.Linking and thresholding Low, high edge-strength thresholds Accept all edges over low threshold that are connected to edge over high threshold

Sebastian Thrun CS223B Computer Vision, Winter Non-Maximum Supression Non-maximum suppression: Select the single maximum point across the width of an edge.

Sebastian Thrun CS223B Computer Vision, Winter Linking to the Next Edge Point Assume the marked point q is an edge point. Take the normal to the gradient at that point and use this to predict continuation points (either r or p).

Sebastian Thrun CS223B Computer Vision, Winter Edge Hysteresis Hysteresis: A lag or momentum factor Idea: Maintain two thresholds k high and k low –Use k high to find strong edges to start edge chain –Use k low to find weak edges which continue edge chain Typical ratio of thresholds is roughly k high / k low = 2

Sebastian Thrun CS223B Computer Vision, Winter Canny Edge Detection (Example) courtesy of G. Loy gap is gone Original image Strong edges only Strong + connected weak edges Weak edges

Sebastian Thrun CS223B Computer Vision, Winter Canny Edge Detection (Example) Using Matlab with default thresholds

Sebastian Thrun CS223B Computer Vision, Winter Bridge Example Again edge(im,’canny’)

Sebastian Thrun CS223B Computer Vision, Winter Corner Effects

Sebastian Thrun CS223B Computer Vision, Winter Today’s Goals Canny Edge Detector Harris Corner Detector Hough Transform Templates and Image Pyramid SIFT Features

Sebastian Thrun CS223B Computer Vision, Winter Finding Corners Edge detectors perform poorly at corners. Corners provide repeatable points for matching, so are worth detecting. Idea: Exactly at a corner, gradient is ill defined. However, in the region around a corner, gradient has two or more different values.

Sebastian Thrun CS223B Computer Vision, Winter The Harris corner detector Form the second-moment matrix: Sum over a small region around the hypothetical corner Gradient with respect to x, times gradient with respect to y Matrix is symmetric Slide credit: David Jacobs

Sebastian Thrun CS223B Computer Vision, Winter Simple Case First, consider case where: This means dominant gradient directions align with x or y axis If either λ is close to 0, then this is not a corner, so look for locations where both are large. Slide credit: David Jacobs

Sebastian Thrun CS223B Computer Vision, Winter General Case It can be shown that since C is rotationally symmetric: So every case is like a rotated version of the one on last slide. Slide credit: David Jacobs

Sebastian Thrun CS223B Computer Vision, Winter So, To Detect Corners Filter image with Gaussian to reduce noise Compute magnitude of the x and y gradients at each pixel Construct C in a window around each pixel (Harris uses a Gaussian window – just blur) Solve for product of s (determinant of C) If s are both big (product reaches local maximum and is above threshold), we have a corner (Harris also checks that ratio of s is not too high)

Sebastian Thrun CS223B Computer Vision, Winter Gradient Orientation Closeup

Sebastian Thrun CS223B Computer Vision, Winter Corner Detection Corners are detected where the product of the ellipse axis lengths reaches a local maximum.

Sebastian Thrun CS223B Computer Vision, Winter Harris Corners Originally developed as features for motion tracking Greatly reduces amount of computation compared to tracking every pixel Translation and rotation invariant (but not scale invariant)

Sebastian Thrun CS223B Computer Vision, Winter Harris Corner in Matlab % Harris Corner detector - by Kashif Shahzad sigma=2; thresh=0.1; sze=11; disp=0; % Derivative masks dy = [-1 0 1; ; ]; dx = dy'; %dx is the transpose matrix of dy % Ix and Iy are the horizontal and vertical edges of image Ix = conv2(bw, dx, 'same'); Iy = conv2(bw, dy, 'same'); % Calculating the gradient of the image Ix and Iy g = fspecial('gaussian',max(1,fix(6*sigma)), sigma); Ix2 = conv2(Ix.^2, g, 'same'); % Smoothed squared image derivatives Iy2 = conv2(Iy.^2, g, 'same'); Ixy = conv2(Ix.*Iy, g, 'same'); % My preferred measure according to research paper cornerness = (Ix2.*Iy2 - Ixy.^2)./(Ix2 + Iy2 + eps); % We should perform nonmaximal suppression and threshold mx = ordfilt2(cornerness,sze^2,ones(sze)); % Grey-scale dilate cornerness = (cornerness==mx)&(cornerness>thresh); % Find maxima [rws,cols] = find(cornerness); % Find row,col coords. clf ; imshow(bw); hold on; p=[cols rws]; plot(p(:,1),p(:,2),'or'); title('\bf Harris Corners')

Sebastian Thrun CS223B Computer Vision, Winter Example (  =0.1)

Sebastian Thrun CS223B Computer Vision, Winter Example (  =0.01)

Sebastian Thrun CS223B Computer Vision, Winter Example (  =0.001)

Sebastian Thrun CS223B Computer Vision, Winter Harris: OpenCV Implementation

Sebastian Thrun CS223B Computer Vision, Winter Harris Corners for Optical Flow Will talk about this later (optical flow)

Sebastian Thrun CS223B Computer Vision, Winter Today’s Goals Canny Edge Detector Harris Corner Detector Hough Transform Templates and Image Pyramid SIFT Features

Sebastian Thrun CS223B Computer Vision, Winter Features? Local versus global

Sebastian Thrun CS223B Computer Vision, Winter Vanishing Points

Sebastian Thrun CS223B Computer Vision, Winter Vanishing Points

Sebastian Thrun CS223B Computer Vision, Winter Vanishing Points A. Canaletto [1740], Arrival of the French Ambassador in Venice

Sebastian Thrun CS223B Computer Vision, Winter Vanishing Points…? A. Canaletto [1740], Arrival of the French Ambassador in Venice

Sebastian Thrun CS223B Computer Vision, Winter From Edges to Lines

Sebastian Thrun CS223B Computer Vision, Winter Hough Transform

Sebastian Thrun CS223B Computer Vision, Winter Hough Transform: Quantization m m Detecting Lines by finding maxima / clustering in parameter space

Sebastian Thrun CS223B Computer Vision, Winter Hough Transform: Algorithm For each image point, determine –most likely line parameters b,m (direction of gradient) –strength (magnitude of gradient) Increment parameter counter by strength value Cluster in parameter space, pick local maxima

Sebastian Thrun CS223B Computer Vision, Winter Hough Transform: Results Hough TransformImageEdge detection

Sebastian Thrun CS223B Computer Vision, Winter Hough Transform?

Sebastian Thrun CS223B Computer Vision, Winter Summary Hough Transform Smart counting –Local evidence for global features –Organized in a table –Careful with parameterization! Subject to Curse of Dimensionality –Works great for simple features with 3 unknowns –Will fail for complex objects (e.g., all faces)

Sebastian Thrun CS223B Computer Vision, Winter Today’s Goals Canny Edge Detector Harris Corner Detector Hough Transform Templates and Image Pyramid SIFT Features

Sebastian Thrun CS223B Computer Vision, Winter Problem: Features for Recognition Want to find … in here

Sebastian Thrun CS223B Computer Vision, Winter Templates Find an object in an image! Want Invariance! –Scaling –Rotation –Illumination –Deformation

Sebastian Thrun CS223B Computer Vision, Winter Convolution with Templates % read image im = imread('bridge.jpg'); bw = double(im(:,:,1))./ 256;; imshow(bw) % apply FFT FFTim = fft2(bw); bw2 = real(ifft2(FFTim)); imshow(bw2) % define a kernel kernel=zeros(size(bw)); kernel(1, 1) = 1; kernel(1, 2) = -1; FFTkernel = fft2(kernel); % apply the kernel and check out the result FFTresult = FFTim.* FFTkernel; result = real(ifft2(FFTresult)); imshow(result) % select an image patch patch = bw(221:240,351:370); imshow(patch) patch = patch - (sum(sum(patch)) / size(patch,1) / size(patch, 2)); kernel=zeros(size(bw)); kernel(1:size(patch,1),1:size(patch,2)) = patch; FFTkernel = fft2(kernel); % apply the kernel and check out the result FFTresult = FFTim.* FFTkernel; result = max(0, real(ifft2(FFTresult))); result = result./ max(max(result)); result = (result.^ 1 > 0.5); imshow(result) % alternative convolution imshow(conv2(bw, patch, 'same'))

Sebastian Thrun CS223B Computer Vision, Winter Template Convolution

Sebastian Thrun CS223B Computer Vision, Winter Template Convolution

Sebastian Thrun CS223B Computer Vision, Winter Aside: Convolution Theorem Fourier Transform of g : F is invertible

Sebastian Thrun CS223B Computer Vision, Winter Convolution with Templates % read image im = imread('bridge.jpg'); bw = double(im(:,:,1))./ 256;; imshow(bw) % apply FFT FFTim = fft2(bw); bw2 = real(ifft2(FFTim)); imshow(bw2) % define a kernel kernel=zeros(size(bw)); kernel(1, 1) = 1; kernel(1, 2) = -1; FFTkernel = fft2(kernel); % apply the kernel and check out the result FFTresult = FFTim.* FFTkernel; result = real(ifft2(FFTresult)); imshow(result) % select an image patch patch = bw(221:240,351:370); imshow(patch) patch = patch - (sum(sum(patch)) / size(patch,1) / size(patch, 2)); kernel=zeros(size(bw)); kernel(1:size(patch,1),1:size(patch,2)) = patch; FFTkernel = fft2(kernel); % apply the kernel and check out the result FFTresult = FFTim.* FFTkernel; result = max(0, real(ifft2(FFTresult))); result = result./ max(max(result)); result = (result.^ 1 > 0.5); imshow(result) % alternative convolution imshow(conv2(bw, patch, 'same'))

Sebastian Thrun CS223B Computer Vision, Winter Convolution with Templates Invariances: –Scaling –Rotation –Illumination –Deformation Provides –Good localization No Maybe No

Sebastian Thrun CS223B Computer Vision, Winter Scale Invariance: Image Pyramid

Sebastian Thrun CS223B Computer Vision, Winter Aliasing

Sebastian Thrun CS223B Computer Vision, Winter Aliasing Effects Constructing a pyramid by taking every second pixel leads to layers that badly misrepresent the top layer

Sebastian Thrun CS223B Computer Vision, Winter Solution to Aliasing Convolve with Gaussian

Sebastian Thrun CS223B Computer Vision, Winter Templates with Image Pyramid Invariances: –Scaling –Rotation –Illumination –Deformation Provides –Good localization No Yes No Maybe No

Sebastian Thrun CS223B Computer Vision, Winter Template Matching, Commercial

Sebastian Thrun CS223B Computer Vision, Winter Templates ?

Sebastian Thrun CS223B Computer Vision, Winter Today’s Goals Canny Edge Detector Harris Corner Detector Hough Transform Templates and Image Pyramid SIFT Features

Sebastian Thrun CS223B Computer Vision, Winter Let’s Return to this Problem… Want to find … in here

Sebastian Thrun CS223B Computer Vision, Winter SIFT Invariances: –Scaling –Rotation –Illumination –Deformation Provides –Good localization Yes Maybe Yes

Sebastian Thrun CS223B Computer Vision, Winter SIFT Reference Distinctive image features from scale-invariant keypoints. David G. Lowe, International Journal of Computer Vision, 60, 2 (2004), pp SIFT = Scale Invariant Feature Transform

Sebastian Thrun CS223B Computer Vision, Winter Invariant Local Features Image content is transformed into local feature coordinates that are invariant to translation, rotation, scale, and other imaging parameters SIFT Features

Advantages of invariant local features Locality: features are local, so robust to occlusion and clutter (no prior segmentation) Distinctiveness: individual features can be matched to a large database of objects Quantity: many features can be generated for even small objects Efficiency: close to real-time performance Extensibility: can easily be extended to wide range of differing feature types, with each adding robustness

Sebastian Thrun CS223B Computer Vision, Winter SIFT On-A-Slide 1.Enforce invariance to scale: Compute Gaussian difference max, for may different scales; non-maximum suppression, find local maxima: keypoint candidates 2.Localizable corner: For each maximum fit quadratic function. Compute center with sub-pixel accuracy by setting first derivative to zero. 3.Eliminate edges: Compute ratio of eigenvalues, drop keypoints for which this ratio is larger than a threshold. 4.Enforce invariance to orientation: Compute orientation, to achieve scale invariance, by finding the strongest second derivative direction in the smoothed image (possibly multiple orientations). Rotate patch so that orientation points up. 5.Compute feature signature: Compute a "gradient histogram" of the local image region in a 4x4 pixel region. Do this for 4x4 regions of that size. Orient so that largest gradient points up (possibly multiple solutions). Result: feature vector with 128 values (15 fields, 8 gradients). 6.Enforce invariance to illumination change and camera saturation: Normalize to unit length to increase invariance to illumination. Then threshold all gradients, to become invariant to camera saturation.

Sebastian Thrun CS223B Computer Vision, Winter SIFT On-A-Slide 1.Enforce invariance to scale: Compute Gaussian difference max, for may different scales; non-maximum suppression, find local maxima: keypoint candidates 2.Localizable corner: For each maximum fit quadratic function. Compute center with sub-pixel accuracy by setting first derivative to zero. 3.Eliminate edges: Compute ratio of eigenvalues, drop keypoints for which this ratio is larger than a threshold. 4.Enforce invariance to orientation: Compute orientation, to achieve scale invariance, by finding the strongest second derivative direction in the smoothed image (possibly multiple orientations). Rotate patch so that orientation points up. 5.Compute feature signature: Compute a "gradient histogram" of the local image region in a 4x4 pixel region. Do this for 4x4 regions of that size. Orient so that largest gradient points up (possibly multiple solutions). Result: feature vector with 128 values (15 fields, 8 gradients). 6.Enforce invariance to illumination change and camera saturation: Normalize to unit length to increase invariance to illumination. Then threshold all gradients, to become invariant to camera saturation.

Sebastian Thrun CS223B Computer Vision, Winter Find Invariant Corners 1.Enforce invariance to scale: Compute Gaussian difference max, for may different scales; non-maximum suppression, find local maxima: keypoint candidates

Sebastian Thrun CS223B Computer Vision, Winter Finding “Keypoints” (Corners) Idea: Find Corners, but scale invariance Approach: Run linear filter (diff of Gaussians) At different resolutions of image pyramid

Sebastian Thrun CS223B Computer Vision, Winter Difference of Gaussians Minus Equals

Sebastian Thrun CS223B Computer Vision, Winter Difference of Gaussians surf(fspecial('gaussian',40,4)) surf(fspecial('gaussian',40,8)) surf(fspecial('gaussian',40,8) - fspecial('gaussian',40,4))

Sebastian Thrun CS223B Computer Vision, Winter Find Corners with DiffOfGauss im =imread('bridge.jpg'); bw = double(im(:,:,1)) / 256; for i = 1 : 10 gaussD = fspecial('gaussian',40,2*i) - fspecial('gaussian',40,i); res = abs(conv2(bw, gaussD, 'same')); res = res / max(max(res)); imshow(res) ; title(['\bf i = ' num2str(i)]); drawnow end

Sebastian Thrun CS223B Computer Vision, Winter Gaussian Kernel Size i=1

Sebastian Thrun CS223B Computer Vision, Winter Gaussian Kernel Size i=2

Sebastian Thrun CS223B Computer Vision, Winter Gaussian Kernel Size i=3

Sebastian Thrun CS223B Computer Vision, Winter Gaussian Kernel Size i=4

Sebastian Thrun CS223B Computer Vision, Winter Gaussian Kernel Size i=5

Sebastian Thrun CS223B Computer Vision, Winter Gaussian Kernel Size i=6

Sebastian Thrun CS223B Computer Vision, Winter Gaussian Kernel Size i=7

Sebastian Thrun CS223B Computer Vision, Winter Gaussian Kernel Size i=8

Sebastian Thrun CS223B Computer Vision, Winter Gaussian Kernel Size i=9

Sebastian Thrun CS223B Computer Vision, Winter Gaussian Kernel Size i=10

Sebastian Thrun CS223B Computer Vision, Winter Key point localization Detect maxima and minima of difference-of-Gaussian in scale space

Sebastian Thrun CS223B Computer Vision, Winter Example of keypoint detection (a) 233x189 image (b) 832 DOG extrema (c) 729 above threshold

Sebastian Thrun CS223B Computer Vision, Winter SIFT On-A-Slide 1.Enforce invariance to scale: Compute Gaussian difference max, for may different scales; non-maximum suppression, find local maxima: keypoint candidates 2.Localizable corner: For each maximum fit quadratic function. Compute center with sub-pixel accuracy by setting first derivative to zero. 3.Eliminate edges: Compute ratio of eigenvalues, drop keypoints for which this ratio is larger than a threshold. 4.Enforce invariance to orientation: Compute orientation, to achieve scale invariance, by finding the strongest second derivative direction in the smoothed image (possibly multiple orientations). Rotate patch so that orientation points up. 5.Compute feature signature: Compute a "gradient histogram" of the local image region in a 4x4 pixel region. Do this for 4x4 regions of that size. Orient so that largest gradient points up (possibly multiple solutions). Result: feature vector with 128 values (15 fields, 8 gradients). 6.Enforce invariance to illumination change and camera saturation: Normalize to unit length to increase invariance to illumination. Then threshold all gradients, to become invariant to camera saturation.

Sebastian Thrun CS223B Computer Vision, Winter Example of keypoint detection Threshold on value at DOG peak and on ratio of principle curvatures (Harris approach) (c) 729 left after peak value threshold (from 832) (d) 536 left after testing ratio of principle curvatures

Sebastian Thrun CS223B Computer Vision, Winter SIFT On-A-Slide 1.Enforce invariance to scale: Compute Gaussian difference max, for may different scales; non-maximum suppression, find local maxima: keypoint candidates 2.Localizable corner: For each maximum fit quadratic function. Compute center with sub-pixel accuracy by setting first derivative to zero. 3.Eliminate edges: Compute ratio of eigenvalues, drop keypoints for which this ratio is larger than a threshold. 4.Enforce invariance to orientation: Compute orientation, to achieve scale invariance, by finding the strongest second derivative direction in the smoothed image (possibly multiple orientations). Rotate patch so that orientation points up. 5.Compute feature signature: Compute a "gradient histogram" of the local image region in a 4x4 pixel region. Do this for 4x4 regions of that size. Orient so that largest gradient points up (possibly multiple solutions). Result: feature vector with 128 values (15 fields, 8 gradients). 6.Enforce invariance to illumination change and camera saturation: Normalize to unit length to increase invariance to illumination. Then threshold all gradients, to become invariant to camera saturation.

Sebastian Thrun CS223B Computer Vision, Winter Select canonical orientation Create histogram of local gradient directions computed at selected scale Assign canonical orientation at peak of smoothed histogram Each key specifies stable 2D coordinates (x, y, scale, orientation)

Sebastian Thrun CS223B Computer Vision, Winter SIFT On-A-Slide 1.Enforce invariance to scale: Compute Gaussian difference max, for may different scales; non-maximum suppression, find local maxima: keypoint candidates 2.Localizable corner: For each maximum fit quadratic function. Compute center with sub-pixel accuracy by setting first derivative to zero. 3.Eliminate edges: Compute ratio of eigenvalues, drop keypoints for which this ratio is larger than a threshold. 4.Enforce invariance to orientation: Compute orientation, to achieve scale invariance, by finding the strongest second derivative direction in the smoothed image (possibly multiple orientations). Rotate patch so that orientation points up. 5.Compute feature signature: Compute a "gradient histogram" of the local image region in a 4x4 pixel region. Do this for 4x4 regions of that size. Orient so that largest gradient points up (possibly multiple solutions). Result: feature vector with 128 values (15 fields, 8 gradients). 6.Enforce invariance to illumination change and camera saturation: Normalize to unit length to increase invariance to illumination. Then threshold all gradients, to become invariant to camera saturation.

Sebastian Thrun CS223B Computer Vision, Winter SIFT vector formation Thresholded image gradients are sampled over 16x16 array of locations in scale space Create array of orientation histograms 8 orientations x 4x4 histogram array = 128 dimensions

Sebastian Thrun CS223B Computer Vision, Winter Nearest-neighbor matching to feature database Hypotheses are generated by approximate nearest neighbor matching of each feature to vectors in the database –SIFT use best-bin-first (Beis & Lowe, 97) modification to k-d tree algorithm –Use heap data structure to identify bins in order by their distance from query point Result: Can give speedup by factor of 1000 while finding nearest neighbor (of interest) 95% of the time

Sebastian Thrun CS223B Computer Vision, Winter D Object Recognition Extract outlines with background subtraction

Sebastian Thrun CS223B Computer Vision, Winter D Object Recognition Only 3 keys are needed for recognition, so extra keys provide robustness Affine model is no longer as accurate

Sebastian Thrun CS223B Computer Vision, Winter Recognition under occlusion

Sebastian Thrun CS223B Computer Vision, Winter Test of illumination invariance Same image under differing illumination 273 keys verified in final match

Sebastian Thrun CS223B Computer Vision, Winter Examples of view interpolation

Sebastian Thrun CS223B Computer Vision, Winter Location recognition

Sebastian Thrun CS223B Computer Vision, Winter SIFT Invariances: –Scaling –Rotation –Illumination –Deformation Provides –Good localization Yes Maybe Yes

Sebastian Thrun CS223B Computer Vision, Winter Today’s Goals Canny Edge Detector Harris Corner Detector Hough Transform Templates and Image Pyramid SIFT Features