Part II: Modern Descriptors for High Matching Performance

Size: px
Start display at page:

Download "Part II: Modern Descriptors for High Matching Performance"

Transcription

1 CVPR 2017 Tutorials: Local Feature Extraction and Learning for Computer Vision Part II: Modern Descriptors for High Matching Performance Bin Fan National Laboratory of Pattern Recognition Chinese Academy of Sciences

2 Outline Handcrafted Descriptors Non-linear Scale Space Intensity Order Pooling Using Multiple Scales Learned Descriptors Traditional Learning Convolutional Neural Networks (CNN)

3 Handcrafted Descriptors Non-linear Scale Space Intensity Order Pooling Using Multiple Scales Learned Descriptors Traditional Learning Convolutional Neural Networks (CNN)

4 KAZE Features Core idea: Use non-linear scale space to improve localization accuracy and distinctiveness Identical pipeline to SURF: 1. Scale space construction 2. Keypoint detection: based on the determinant of Hessian matrix 3. Dominant orientation estimation: sliding circular segment of 60 degree is used to find the longest x and y derivative vector. 4. Descriptor construction Pablo F. Alcantarilla, Adrien Bartoli, and Andrew J. Davison. KAZE Features. ECCV, 2012.

5 Scale space: Linear VS. Non-linear Gaussian scale space (linear). When scale evolves, image structures become blurry. Non-linear scale space. When scale evolves, image structures with strong edge responses are not affected.

6 Non-linear Scale Space Can be understood as something similar to SIFT s Gaussian scale space discretization Each scale (in pixel unit) is transferred into a time unit for non-linear scale space construction.

7 Non-linear Scale Space Non-linear scale space is constructed by iteratively applying diffusion filtering that depends on local gradient strength. Additive Operator Splitting (AOS)

8 Making the computation fast Additive Operator Splitting (AOS) is computational expensive Using Fast Explicit Diffusion (FED) as an alternative 2 n + n ti+ 1 ti = τ τ max max τ j = 3 2 2j + 1 2cos ( π ) 4n + 2 Pablo F. Alcantarilla, Jesus Nuevo, and Adrien Bartoli. Fast Explicit Diffusion for Accelerated Features in Nonlinear Scale Spaces. BMVC, 2013.

9 Intensity Order Pooling Traditional methods rely on geometric locations to aggregate low-level features to construct the descriptor. Geometric locations need an (unreliable)estimated orientation to align. SIFT/SURF: Spatial Pooling based on Geometric locations Bin Fan, Fuchao Wu, and Zhanyi Hu. Rotationally Invariant Descriptors using Intensity Order Pooling. IEEE TPAMI, 2012.

10 Intensity Order Pooling Pooling based on intensity orders is rotationally invariant. Encode some spatial information too. Invariant to monotonic intensity changes Spatial Pooling based on Intensity Orders Bin Fan, Fuchao Wu, and Zhanyi Hu. Rotationally Invariant Descriptors using Intensity Order Pooling. IEEE TPAMI, 2012.

11 Combined with various low-level cues MROGH [Fan et al. CVPR 11] With gradient orientation distribution MRRID [Fan et al. PAMI 12] With center symmetric local binary patterns LIOP [Wang et al. ICCV 11] With LIOP features OIOP [Wang et al. PAMI 16] With OIOP features

12 P 3 X i 4 X i X i 2 X i 1 X i MROGH Rotation Invariant Gradient Dx X = I X I X 1 3 ( i) ( i) ( i ) 2 4 ( i) = ( i ) ( i ) Dy X I X I X Magnitude is linearly assigned to two neighbor orientation bins like SIFT Rotation Invariant CS-LBP Using 8 neighbor points Intensity test among opposite points 16D CS-LBP vector MRRID Bin Fan, Fuchao Wu, and Zhanyi Hu. Rotationally Invariant Descriptors using Intensity Order Pooling. IEEE TPAMI, 2012.

13 Using Multiple Regions D 1 Descriptor Computing D = [ ] D2 D3 D4

14 Local Intensity Order Pattern Y( Xi) = ( I( Xi), I( Xi ), I( Xi ), I( Xi )) = (86,217,102,151) γγ YY XX ii P 3 X i 4 X i 2 X i i 1 X i = (1,4,2,3 relative intensity relationship X ππ 1,2,3,4 1 1,2,4,3 2 1,3,2,4 3 1,3,4,2 4 1,4,2,3 5 1,4,3,2 6 2,1,3,4 7 2,1,4, φφ(ππ)... 4,3,1,2 23 4,3,2, possible ordering LIOP D Desc. Zhenhua Wang, Bin Fan, and Fuchao Wu. Local Intensity Order Pattern for Feature Description. ICCV, 2011.

15 Overall Intensity Order Pattern Problem:LIOP relies on neighbor points intensity order, which is not robust to noise. OIOP solution:according to the overall intensity distribution in a local patch, quantize neighbor points intensities, and use the quantization results to construct the descriptor. Key:How to quantize? Zhenhua Wang, Bin Fan, Gang Wang, and Fuchao Wu. Exploring Local and Overall Ordinal Information for Robust Feature Description. IEEE TPAMI, 2016.

16 Quantization methods Naïve average quantization Quantization distribution of each ordinal bin. It is largely related to the ordinal pooling region. Limited discriminative ability.

17 Quantization methods Learn the quantization percentiles For each ordinal pooling region, learning the best quantization. Enhanced discriminative ability.

18 OIOP: Descriptor Construction P 3 X i 4 X i X i 2 X i 1 X i 1. For each X i in the patch, sampling N neighbor points 2. Each neighbor point s intensity is quantized to M numbers 3. Represent X i by a N M-based number 4. M N possible numbers, one-one correspond to a M N -D vector 5. Intensity order based pooling for these M N -D vector, obtain the OIOP descriptor M = 4,N = 3, suggested by the authors

19 Using Multiple Scales Remember that MROGH/MRRID use multiple scales to compute descriptors separately and concatenate them together. D 1 Descriptor Computing D = [ ] D2 D3 D4

20 Using Multiple Scales DSP-SIFT: pooling SIFT descriptors across scales D 1 Descriptor/SIFT Computing D = [ ] D2 D3 D4 Jingming Dong and Stefano Soatto. Domain-Size Pooling in Local Descriptors: DSP-SIFT. CVPR, 2015.

21 Using Multiple Scales Scale-Less SIFT (SLS): pursuit a subspace representation of SIFT across scales D 1 Descriptor/SIFT Computing D = [ ] Subspace Representation D2 D3 D4 Tal Hassner, Shay Filosof, Viki Mayzels, and Lihi Zelnik-Manor, SIFTing through Scales. IEEE TPAMI, 2017.

22 Handcrafted Descriptors Non-linear Scale Space Intensity Order Pooling Using Multiple Scales Learned Descriptors Traditional Learning Convolutional Neural Networks (CNN)

23 ASR Descriptor Affine Subspace Representation Descriptor Core idea: learn a subspace representation of the patch under different viewpoints. Incorporate robustness to viewpoint changes in descriptor. Zhenhua Wang, Bin Fan, and Fuchao Wu. Affine Subspace Representation for Feature Description. ECCV, 2014.

24 ASR Descriptor Making the method feasible Affine warping is expensive Extremely computational expensive to do for all patches!!! Efficient extraction of the subspace through linear approximation and offline learning

25 ASR Descriptor Feasible Implementation Decompose Patch (cheap) Pre-computed offline

26 Brown s Descriptor Learning Discriminative Descriptor Learning by Optimizing Lowlevel Feature, Spatial Pooling, and Feature Embedding Normalized Patch Learning Smooth Low-level feature extraction Spatial pooling Post process Projection Descriptor M. Brown, G. Hua and S. Winder. Discriminative learning of local image descriptors. IEEE TPAMI, 2011.

27 Pre-defined low level features: gradient-based, filter bank based Pre-defined spatial poolings: SIFT-like, DAISY-like, GLOH-like Optimized combination of low level feature + spatial pooling Objective: maximize the area under ROC Projection: PCA, LDE Low level feature Spatial pooling dim PCA dim 1st Steerable filters bank DAISY-like nd Gradient orientation map DAISY-like PCA is better than LDE for projecting descriptor!

28 VGG s Descriptor Learning Pre-defined units for spatial pooling Each pooling unit contributes to a part of the descriptor Select a small number of pooling units to construct the descriptor Convex Learning objective K. Simonyan, A. Vedaldi, and A. Zisserman. Learning Local Feature Descriptors Using Convex Optimisation. IEEE TPAMI, 2014.

29 MatchNet Simultaneously learn the descriptor and the metric Siamese feature descriptor network Metric network on top Cross-entropy loss, transfer matching problem to classification problem X. Han, T. Leung, Y. Jia, R. Sukthankar, and A.C. Berg. Matchnet: Unifying feature and metric learning for patch-based matching. CVPR, 2015.

30 MatchNet 1 Two steps for usage 1. Using feature network to extract descriptors for all patches 2. Combining descriptor pairs, input to metric network 2 Computational efficient compared to directly input all patch pairs.

31 DeepCompare Core idea: Using CNN + metric network to learn similarity function for a pair of patches 2 - channel Siamese 2 - channel 2-stream S. Zagoruyko and N. Komodakis. Learning to compare image patches via convolutional neural networks. CVPR, 2015.

32 DeepCompare 2 channel(2ch) No direct notion of descriptor: Simply considers the two patches of an input pair as a 2-channel image Computational expensive: Pair-wise operation, can not re-use descriptor of each patch

33 DeepCompare Siamese MatchNet Siamese feature descriptor network Metric network on top

34 DeepCompare 2ch-2stream Consists of two separate streams, central and surround (CS), allowing the network to process at two different resolutions.

35 Global Loss Net Nonmatch Pairs Dist. Distribution Sim. Distribution Core idea: Reduce the proportion of false positive and false negative, i.e., blue shaded area. Objective: 1. Minimize the variance of two distributions. 2. Maximize the margin between the mean values of two distributions. V. Kumar B G, G. Carneiro, and I. Reid. Learning local image descriptors with deep siamese and triplet convolutional networks by minimising global loss functions. CVPR, 2016.

36 Global Loss Net (,, ), 1,, + x x x i= N ( i i Triplet samples: i i i, match pair, nonmatching pair 1Global Loss (L2 distance): δ 2 +, µ + J = δ + δ + λ µ µ max(0, + t) + + d = f( x ) f( x ), d = f( x ) f( x ) i i i i i i are variance and mean of d +, i δ 2, µ x, x + ) x, x ) ( i i are variance and mean of d i 2Triplet Local Loss: J di 2 = max(0,1 ) + d + m i 3Global Loss(Similarity): J x x x x + i i i i = δ+ + δ + λ max(0, µ µ + + m), di = g(, ), di = g(, ) Without metric net : TNet-Tloss(2) < TNet-TGLoss(2 + 1) With metric net:snet-gloss(3) < CS SNet-Gloss(3, 2ch-2stream)

37 DeepDesc Use Euclidean distance,direct substitution of SIFT loss:minimize pairwise hinge loss Edgar Simo-Serra, Eduard Trulls, Luis Ferraz, Iasonas Kokkinos, Pascal Fua, and Francesc Moreno-Noguer. Discriminative learning of deep convolutional feature point descriptors. ICCV, 2015.

38 DeepDesc Network Architecture Subtractive normalization Tanh 7x7 3x 3 Pooling 3x 3 Activation Conv (x64) Normalization 5x5 Pooling Conv (x32) 5x5 Activation L2 pool Normalization 7x7 2 x 2 Pooling 64x64 Activation 7x7 5x5 128-D vector 3x 3 Conv (x128) Only 3 convolutional layers, simple. Use hard negative mining to alleviate the problem of imbalanced positive and negative samples, key to good performance.

39 TFeat Core idea: Smallest negative distance within the triplet should be larger than the positive distance. CNN Structure * min λ ( +, ) Ranking-based: λ µ Ratio-based: * * ( +, ) = max(0, + + ) 2 * + λ ( +, ) = * + + V. Balntas, E. Riba, D. Ponsa and K. Mikolajczyk. Learning local feature descriptors with triplets and shallow convolutional neural networks. BMVC, 2016.

40 L2-Net L2-Net Architecture Fully convolutional architecture Batch normalization after convolution Local response normalization before output Input 32x32 patch, output 128D vector CS L2-Net: two separate L2-Net deal with the central and the whole patch Yurun Tian, Bin Fan, and Fuchao Wu. L2-Net: Deep Learning of Discriminative Patch Descriptor in Euclidean Space. CVPR, 2017.

41 L2-Net Core ideas 1. Progressive sampling: in training stage, a batch contains lots of negatives while only a few positives, in accord with matching scenario. 2. Using the concept of relative minimal distance of matching pairs, which is the characteristics of NN matching. 3. Incorporate the supervision information from intermediate layers into the learning objective, improving generalization. 4. Constrain the compactness of the learned descriptor, reducing overfitting.

42 L2-Net Progressive sampling: each batch, randomly select one patch from matching pairs to form nonmatching pairs, improving the number of non-matching pairs. Advantage: consisting of more negatives compared to pair-wise and triplet samples

43 L2-Net Learning Objectives 1. Relative minimal distance of matching pairs 2. Less correlation among different dimensions 3. Relative maximal similar intermediate feature maps of matching pairs

44 L2-Net Relative minimal distance d d d d i 1p d d d d i 2 p d d d d j1 j2 d d d d p1 p2 ji pi jp pp Euclidean distance Ideally, d ii should be the smallest one in the ith row, and also for the ith column. c s = exp(2 d ) / exp(2 d ) i ii m mi r s = exp(2 d ) / exp(2 d ) i ii m im E 1 1 ( log r log c = i i i i ) 2 s + s

45 L2-Net Less correlation among dims Y = [ b,, b,, b ] T s s s s 1 i q The correlation between the ith and jth dims: Minimize these correlations:

46 L2-Net Relative maximal similarity For intermediate feature maps: s s s Fs 1 2 p = [ f, f,, f ], s = 1, 2 Their similarity is defined by inner product: Ideally, similarity of matching pairs should be the largest, i.e., g ii should be the largest one in the ith row and ith column. r vi = exp( gii ) / exp( gim) m c vi = exp( gii ) / exp( gmi ) m E 1 3 ( log r log c = i i i i ) 2 v + v

47 L2-Net Relative maximal similarity A: Using intermediate feature maps of the first and last conv layers B: Without using intermediate feature maps C: Learned BN parameters D: Using all intermediate feature maps The 3 rd objective should be only used with intermediate feature maps of the first and last conv layers.

48 L2-Net Binary L2-Net output distribution of L2-Net mean values of Binary L2-Net The output of L2-Net approximates a Gaussian distribution, which is very suitable for binary descriptors. By applying sign() to L2-Net, we obtain the Binary L2-Net.

49 Learn to assign orientations Is considering only descriptors wise? Learned Orientations Dominant Gradient Orientations Kwang Moo Yi, Yannick Verdie, Pascal Fua, and Vincent Lepetit. Learning to Assign Orientations to Feature Points. In IEEE CVPR 2016.

50 Learn to assign orientations Learning Framework Feature Desc Descriptor Orientation Orient Estimator Minimize descriptor distance, e.g. SIFT Feature Desc Descriptor

51 Learn to assign orientations Improved results with good orientations Average performance map (higher the better)

52 LIFT Learned Invariant Feature Transform (LIFT) Kwang Moo Yi, Eduard Trulls, Vincent Lepetit, and Pascal Fua. LIFT: Learned invariant feature transform. In ECCV 2016.

53 LIFT Training requires various patches Keypoint VS Non-Keypoint Matching Keypoints Matching Keypoints VS Non-Matching Keypoints

54 LIFT Quadruplet Siamese Network P1, P2: corresponding keypoints. P3: non-corresponding keypoint. P4: non-keypoint.

55 LIFT Loss function detector orientation descriptor detector detector descriptor orientation

56 LIFT Each component is meant for each other SIFT descriptor when used with SIFT keypoints LIFT descriptor when used with SIFT keypoints LIFT descriptor when used with LIFT keypoints 0 Descriptor performance (NN map)

57 Take home messages For patch level datasets (e.g. Brown s dataset), learning based methods generally outperform hand-crafted ones. For image level dataset (e.g. VGG dataset), performance gap between learning based methods and hand-crafted methods is not significant. CNN based methods are dominant in the learning based methods. CNN based methods operating on the Euclidean space is highly required for wider application. Learning for feature detector has been largely ignored, but it is of significant important.

58 Thanks! Coffee Break

HARDNET: CONVOLUTIONAL NETWORK FOR LOCAL IMAGE DESCRIPTION. Anastasiia Mishchuk, Dmytro Mishkin, Filip Radenovic Jiri Matas

HARDNET: CONVOLUTIONAL NETWORK FOR LOCAL IMAGE DESCRIPTION. Anastasiia Mishchuk, Dmytro Mishkin, Filip Radenovic Jiri Matas HARDNET: CONVOLUTIONAL NETWORK FOR LOCAL IMAGE DESCRIPTION Anastasiia Mishchuk, Dmytro Mishkin, Filip Radenovic Jiri Matas OUTLINE Short review of methods for learning of local descriptors The L2 Net HardNet

More information

Local Image Features

Local Image Features Local Image Features Computer Vision CS 143, Brown Read Szeliski 4.1 James Hays Acknowledgment: Many slides from Derek Hoiem and Grauman&Leibe 2008 AAAI Tutorial This section: correspondence and alignment

More information

From Invariant Descriptors to Deep Pose Estimation. K. Yi, E. Trulls, V. Lepetit, and P. Fua

From Invariant Descriptors to Deep Pose Estimation. K. Yi, E. Trulls, V. Lepetit, and P. Fua From Invariant Descriptors to Deep Pose Estimation K. Yi, E. Trulls, V. Lepetit, and P. Fua SIFT LIFT Feature Points Outstanding tool for matching points across images. SIFT (Lowe, ICCV 99) started the

More information

L2-Net: Deep Learning of Discriminative Patch Descriptor in Euclidean Space

L2-Net: Deep Learning of Discriminative Patch Descriptor in Euclidean Space L-Net: Deep Learning of Discriminative Patch Descriptor in Euclidean Space Yurun Tian 1, Bin Fan 1 Fuchao Wu 1 1 National Laboratory of Pattern Recognition, Institute of Automation, Chinese Academy of

More information

arxiv: v4 [cs.cv] 27 Aug 2017

arxiv: v4 [cs.cv] 27 Aug 2017 Improved Descriptors for Patch Matching and Reconstruction arxiv:70.0654v4 [cs.cv] 27 Aug 207 Rahul Mitra Indian Institute of Technology Bombay Mumbai, India rmitter@cse.iitb.ac.in Jiakai Zhang New York

More information

Local Image Features

Local Image Features Local Image Features Computer Vision Read Szeliski 4.1 James Hays Acknowledgment: Many slides from Derek Hoiem and Grauman&Leibe 2008 AAAI Tutorial Flashed Face Distortion 2nd Place in the 8th Annual Best

More information

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

Augmented Reality VU. Computer Vision 3D Registration (2) Prof. Vincent Lepetit Augmented Reality VU Computer Vision 3D Registration (2) Prof. Vincent Lepetit Feature Point-Based 3D Tracking Feature Points for 3D Tracking Much less ambiguous than edges; Point-to-point reprojection

More information

Motion illusion, rotating snakes

Motion illusion, rotating snakes Motion illusion, rotating snakes Local features: main components 1) Detection: Find a set of distinctive key points. 2) Description: Extract feature descriptor around each interest point as vector. x 1

More information

arxiv: v2 [cs.cv] 29 Jul 2016

arxiv: v2 [cs.cv] 29 Jul 2016 arxiv:1603.09114v2 [cs.cv] 29 Jul 2016 LIFT: Learned Invariant Feature Transform Kwang Moo Yi,1, Eduard Trulls,1, Vincent Lepetit 2, Pascal Fua 1 1 Computer Vision Laboratory, Ecole Polytechnique Fédérale

More information

Outline 7/2/201011/6/

Outline 7/2/201011/6/ Outline Pattern recognition in computer vision Background on the development of SIFT SIFT algorithm and some of its variations Computational considerations (SURF) Potential improvement Summary 01 2 Pattern

More information

Learning Spread-out Local Feature Descriptors

Learning Spread-out Local Feature Descriptors Learning Spread-out Local Feature Descriptors Xu Zhang 1, Felix X. Yu 2, Sanjiv Kumar 2, Shih-Fu Chang 1 1 Columbia University, 2 Google Research {xu.zhang, sc250}@columbia.edu, {felixyu, sanjivk}@google.com

More information

Local features and image matching. Prof. Xin Yang HUST

Local features and image matching. Prof. Xin Yang HUST Local features and image matching Prof. Xin Yang HUST Last time RANSAC for robust geometric transformation estimation Translation, Affine, Homography Image warping Given a 2D transformation T and a source

More information

Feature Detection and Matching

Feature Detection and Matching and Matching CS4243 Computer Vision and Pattern Recognition Leow Wee Kheng Department of Computer Science School of Computing National University of Singapore Leow Wee Kheng (CS4243) Camera Models 1 /

More information

DeepCD: Learning Deep Complementary Descriptors for Patch Representations

DeepCD: Learning Deep Complementary Descriptors for Patch Representations : Learning Deep Complementary Descriptors for Patch Representations Tsun-Yi Yang,2 Jo-Han Hsu,2 Yen-Yu Lin Yung-Yu Chuang 2 Academia Sinica, Taiwan 2 National Taiwan University, Taiwan shamangary@citi.sinica.edu.tw

More information

Local Patch Descriptors

Local Patch Descriptors Local Patch Descriptors Slides courtesy of Steve Seitz and Larry Zitnick CSE 803 1 How do we describe an image patch? How do we describe an image patch? Patches with similar content should have similar

More information

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

CS 4495 Computer Vision A. Bobick. CS 4495 Computer Vision. Features 2 SIFT descriptor. Aaron Bobick School of Interactive Computing CS 4495 Computer Vision Features 2 SIFT descriptor Aaron Bobick School of Interactive Computing Administrivia PS 3: Out due Oct 6 th. Features recap: Goal is to find corresponding locations in two images.

More information

3D Object Recognition using Multiclass SVM-KNN

3D Object Recognition using Multiclass SVM-KNN 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

More information

SURF. Lecture6: SURF and HOG. Integral Image. Feature Evaluation with Integral Image

SURF. Lecture6: SURF and HOG. Integral Image. Feature Evaluation with Integral Image SURF CSED441:Introduction to Computer Vision (2015S) Lecture6: SURF and HOG Bohyung Han CSE, POSTECH bhhan@postech.ac.kr Speed Up Robust Features (SURF) Simplified version of SIFT Faster computation but

More information

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

SIFT: SCALE INVARIANT FEATURE TRANSFORM SURF: SPEEDED UP ROBUST FEATURES BASHAR ALSADIK EOS DEPT. TOPMAP M13 3D GEOINFORMATION FROM IMAGES 2014 SIFT: SCALE INVARIANT FEATURE TRANSFORM SURF: SPEEDED UP ROBUST FEATURES BASHAR ALSADIK EOS DEPT. TOPMAP M13 3D GEOINFORMATION FROM IMAGES 2014 SIFT SIFT: Scale Invariant Feature Transform; transform image

More information

Local Image Features

Local Image Features Local Image Features Ali Borji UWM Many slides from James Hayes, Derek Hoiem and Grauman&Leibe 2008 AAAI Tutorial Overview of Keypoint Matching 1. Find a set of distinctive key- points A 1 A 2 A 3 B 3

More information

Computer Vision for HCI. Topics of This Lecture

Computer Vision for HCI. Topics of This Lecture Computer Vision for HCI Interest Points Topics of This Lecture Local Invariant Features Motivation Requirements, Invariances Keypoint Localization Features from Accelerated Segment Test (FAST) Harris Shi-Tomasi

More information

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

Feature Detection. Raul Queiroz Feitosa. 3/30/2017 Feature Detection 1 Feature Detection Raul Queiroz Feitosa 3/30/2017 Feature Detection 1 Objetive This chapter discusses the correspondence problem and presents approaches to solve it. 3/30/2017 Feature Detection 2 Outline

More information

Scale-less Dense Correspondences

Scale-less Dense Correspondences Scale-less Dense Correspondences The Open University of Israel ICCV 13 Tutorial on Dense Image Correspondences for Computer Vision Matching Pixels In different views, scales, scenes, etc. Invariant detectors

More information

LEARNING WEIGHTED HAMMING DISTANCE FOR BINARY DESCRIPTORS

LEARNING WEIGHTED HAMMING DISTANCE FOR BINARY DESCRIPTORS LEARNING WEIGHTED HAMMING DISTANCE FOR BINARY DESCRIPTORS Bin Fan Qingqun Kong Xiaotong Yuan Zhiheng Wang Chunhong Pan National Laboratory of Pattern Recognition, Institute of Automation, Chinese Academy

More information

Discriminative classifiers for image recognition

Discriminative classifiers for image recognition Discriminative classifiers for image recognition May 26 th, 2015 Yong Jae Lee UC Davis Outline Last time: window-based generic object detection basic pipeline face detection with boosting as case study

More information

SIFT - scale-invariant feature transform Konrad Schindler

SIFT - scale-invariant feature transform Konrad Schindler SIFT - scale-invariant feature transform Konrad Schindler Institute of Geodesy and Photogrammetry Invariant interest points Goal match points between images with very different scale, orientation, projective

More information

Fashion Style in 128 Floats: Joint Ranking and Classification using Weak Data for Feature Extraction SUPPLEMENTAL MATERIAL

Fashion Style in 128 Floats: Joint Ranking and Classification using Weak Data for Feature Extraction SUPPLEMENTAL MATERIAL Fashion Style in 128 Floats: Joint Ranking and Classification using Weak Data for Feature Extraction SUPPLEMENTAL MATERIAL Edgar Simo-Serra Waseda University esimo@aoni.waseda.jp Hiroshi Ishikawa Waseda

More information

The SIFT (Scale Invariant Feature

The SIFT (Scale Invariant Feature The SIFT (Scale Invariant Feature Transform) Detector and Descriptor developed by David Lowe University of British Columbia Initial paper ICCV 1999 Newer journal paper IJCV 2004 Review: Matt Brown s Canonical

More information

Learning to Detect and Match Keypoints with Deep Architectures

Learning to Detect and Match Keypoints with Deep Architectures ALTWAIJRY, VEIT, BELONGIE: LEARNING TO DETECT AND MATCH KEYPOINTS 1 Learning to Detect and Match Keypoints with Deep Architectures Hani Altwaijry 1,2 haltwaijry@cs.cornell.edu Andreas Veit 1,2 aveit@cs.cornell.edu

More information

Learning Visual Semantics: Models, Massive Computation, and Innovative Applications

Learning Visual Semantics: Models, Massive Computation, and Innovative Applications Learning Visual Semantics: Models, Massive Computation, and Innovative Applications Part II: Visual Features and Representations Liangliang Cao, IBM Watson Research Center Evolvement of Visual Features

More information

SCALE INVARIANT FEATURE TRANSFORM (SIFT)

SCALE INVARIANT FEATURE TRANSFORM (SIFT) 1 SCALE INVARIANT FEATURE TRANSFORM (SIFT) OUTLINE SIFT Background SIFT Extraction Application in Content Based Image Search Conclusion 2 SIFT BACKGROUND Scale-invariant feature transform SIFT: to detect

More information

Scale Invariant Feature Transform

Scale Invariant Feature Transform Why do we care about matching features? Scale Invariant Feature Transform Camera calibration Stereo Tracking/SFM Image moiaicing Object/activity Recognition Objection representation and recognition Automatic

More information

Learning Local Descriptors by Optimizing the Keypoint-Correspondence Criterion

Learning Local Descriptors by Optimizing the Keypoint-Correspondence Criterion 206 23rd International Conference on Pattern Recognition (ICPR) Cancún Center, Cancún, México, December 4-8, 206 Learning Local Descriptors by Optimizing the Keypoint-Correspondence Criterion Nenad Markuš,

More information

Motion Estimation and Optical Flow Tracking

Motion Estimation and Optical Flow Tracking Image Matching Image Retrieval Object Recognition Motion Estimation and Optical Flow Tracking Example: Mosiacing (Panorama) M. Brown and D. G. Lowe. Recognising Panoramas. ICCV 2003 Example 3D Reconstruction

More information

IMAGE RETRIEVAL USING VLAD WITH MULTIPLE FEATURES

IMAGE RETRIEVAL USING VLAD WITH MULTIPLE FEATURES IMAGE RETRIEVAL USING VLAD WITH MULTIPLE FEATURES Pin-Syuan Huang, Jing-Yi Tsai, Yu-Fang Wang, and Chun-Yi Tsai Department of Computer Science and Information Engineering, National Taitung University,

More information

DescriptorEnsemble: An Unsupervised Approach to Image Matching and Alignment with Multiple Descriptors

DescriptorEnsemble: An Unsupervised Approach to Image Matching and Alignment with Multiple Descriptors DescriptorEnsemble: An Unsupervised Approach to Image Matching and Alignment with Multiple Descriptors 林彥宇副研究員 Yen-Yu Lin, Associate Research Fellow 中央研究院資訊科技創新研究中心 Research Center for IT Innovation, Academia

More information

Deep Learning with Tensorflow AlexNet

Deep Learning with Tensorflow   AlexNet Machine Learning and Computer Vision Group Deep Learning with Tensorflow http://cvml.ist.ac.at/courses/dlwt_w17/ AlexNet Krizhevsky, Alex, Ilya Sutskever, and Geoffrey E. Hinton, "Imagenet classification

More information

Efficient learning of local image descriptors

Efficient learning of local image descriptors Efficient learning of local image descriptors Vassileios Balntas A thesis presented for the degree of Doctor of Philosophy University of Surrey UK June 2016 Vassileios Balntas 2016 Abstract One of the

More information

Click to edit title style

Click to edit title style Class 2: Low-level Representation Liangliang Cao, Jan 31, 2013 EECS 6890 Topics in Information Processing Spring 2013, Columbia University http://rogerioferis.com/visualrecognitionandsearch Visual Recognition

More information

Face Recognition A Deep Learning Approach

Face Recognition A Deep Learning Approach Face Recognition A Deep Learning Approach Lihi Shiloh Tal Perl Deep Learning Seminar 2 Outline What about Cat recognition? Classical face recognition Modern face recognition DeepFace FaceNet Comparison

More information

Local features: detection and description May 12 th, 2015

Local features: detection and description May 12 th, 2015 Local features: detection and description May 12 th, 2015 Yong Jae Lee UC Davis Announcements PS1 grades up on SmartSite PS1 stats: Mean: 83.26 Standard Dev: 28.51 PS2 deadline extended to Saturday, 11:59

More information

H-Net: Neural Network for Cross-domain Image Patch Matching

H-Net: Neural Network for Cross-domain Image Patch Matching H-Net: Neural Network for Cross-domain Image Patch Matching Weiquan Liu 1, Xuelun Shen 1, Cheng Wang 1, Zhihong Zhang 2, Chenglu Wen 1, Jonathan Li 1,3 1 Fujian Key Laboratory of Sensing and Computing

More information

Image Features: Local Descriptors. Sanja Fidler CSC420: Intro to Image Understanding 1/ 58

Image Features: Local Descriptors. Sanja Fidler CSC420: Intro to Image Understanding 1/ 58 Image Features: Local Descriptors Sanja Fidler CSC420: Intro to Image Understanding 1/ 58 [Source: K. Grauman] Sanja Fidler CSC420: Intro to Image Understanding 2/ 58 Local Features Detection: Identify

More information

on learned visual embedding patrick pérez Allegro Workshop Inria Rhônes-Alpes 22 July 2015

on learned visual embedding patrick pérez Allegro Workshop Inria Rhônes-Alpes 22 July 2015 on learned visual embedding patrick pérez Allegro Workshop Inria Rhônes-Alpes 22 July 2015 Vector visual representation Fixed-size image representation High-dim (100 100,000) Generic, unsupervised: BoW,

More information

Evaluation and comparison of interest points/regions

Evaluation and comparison of interest points/regions Introduction Evaluation and comparison of interest points/regions Quantitative evaluation of interest point/region detectors points / regions at the same relative location and area Repeatability rate :

More information

arxiv: v1 [cs.cv] 8 May 2018

arxiv: v1 [cs.cv] 8 May 2018 BAILER ET. AL: FAST FEATURE EXTRACTION WITH CNNS WITH POOLING LAYERS 1 arxiv:1805.03096v1 [cs.cv] 8 May 2018 Fast Dense Feature Extraction with CNNs that have Pooling or Striding Layers Christian Bailer

More information

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

CEE598 - Visual Sensing for Civil Infrastructure Eng. & Mgmt. CEE598 - Visual Sensing for Civil Infrastructure Eng. & Mgmt. Section 10 - Detectors part II Descriptors Mani Golparvar-Fard Department of Civil and Environmental Engineering 3129D, Newmark Civil Engineering

More information

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

Image Features: Detection, Description, and Matching and their Applications Image Features: Detection, Description, and Matching and their Applications Image Representation: Global Versus Local Features Features/ keypoints/ interset points are interesting locations in the image.

More information

Learning Local Image Descriptors with Deep Siamese and Triplet Convolutional Networks by Minimizing Global Loss Functions

Learning Local Image Descriptors with Deep Siamese and Triplet Convolutional Networks by Minimizing Global Loss Functions Learning Local Image Descriptors with Deep Siamese and Triplet Convolutional Networks by Minimizing Global Loss Functions Vijay Kumar B G, Gustavo Carneiro, Ian Reid The University of Adelaide and Australian

More information

Scale Invariant Feature Transform

Scale Invariant Feature Transform Scale Invariant Feature Transform Why do we care about matching features? Camera calibration Stereo Tracking/SFM Image moiaicing Object/activity Recognition Objection representation and recognition Image

More information

Image Matching. AKA: Image registration, the correspondence problem, Tracking,

Image Matching. AKA: Image registration, the correspondence problem, Tracking, Image Matching AKA: Image registration, the correspondence problem, Tracking, What Corresponds to What? Daisy? Daisy From: www.amphian.com Relevant for Analysis of Image Pairs (or more) Also Relevant for

More information

FEATURE DESCRIPTOR BY CONVOLUTION AND POOLING AUTOENCODERS

FEATURE DESCRIPTOR BY CONVOLUTION AND POOLING AUTOENCODERS FEATURE DESCRIPTOR BY CONVOLUTION AND POOLING AUTOENCODERS L. Chen, F. Rottensteiner, C. Heipke Institute of Photogrammetry and GeoInformation, Leibniz Universität Hannover, Germany - (chen, rottensteiner,

More information

CS4670: Computer Vision

CS4670: Computer Vision CS4670: Computer Vision Noah Snavely Lecture 6: Feature matching and alignment Szeliski: Chapter 6.1 Reading Last time: Corners and blobs Scale-space blob detector: Example Feature descriptors We know

More information

Fast, Accurate Detection of 100,000 Object Classes on a Single Machine

Fast, Accurate Detection of 100,000 Object Classes on a Single Machine Fast, Accurate Detection of 100,000 Object Classes on a Single Machine Thomas Dean etal. Google, Mountain View, CA CVPR 2013 best paper award Presented by: Zhenhua Wang 2013.12.10 Outline Background This

More information

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

Feature descriptors. Alain Pagani Prof. Didier Stricker. Computer Vision: Object and People Tracking Feature descriptors Alain Pagani Prof. Didier Stricker Computer Vision: Object and People Tracking 1 Overview Previous lectures: Feature extraction Today: Gradiant/edge Points (Kanade-Tomasi + Harris)

More information

Feature Descriptors. CS 510 Lecture #21 April 29 th, 2013

Feature Descriptors. CS 510 Lecture #21 April 29 th, 2013 Feature Descriptors CS 510 Lecture #21 April 29 th, 2013 Programming Assignment #4 Due two weeks from today Any questions? How is it going? Where are we? We have two umbrella schemes for object recognition

More information

Three things everyone should know to improve object retrieval. Relja Arandjelović and Andrew Zisserman (CVPR 2012)

Three things everyone should know to improve object retrieval. Relja Arandjelović and Andrew Zisserman (CVPR 2012) Three things everyone should know to improve object retrieval Relja Arandjelović and Andrew Zisserman (CVPR 2012) University of Oxford 2 nd April 2012 Large scale object retrieval Find all instances of

More information

A Novel Extreme Point Selection Algorithm in SIFT

A Novel Extreme Point Selection Algorithm in SIFT A Novel Extreme Point Selection Algorithm in SIFT Ding Zuchun School of Electronic and Communication, South China University of Technolog Guangzhou, China zucding@gmail.com Abstract. This paper proposes

More information

A Novel Feature Descriptor Invariant to Complex Brightness Changes

A Novel Feature Descriptor Invariant to Complex Brightness Changes A Novel Feature Descriptor Invariant to Complex Brightness Changes Feng Tang, Suk Hwan Lim, Nelson L. Chang Hewlett-Packard Labs Palo Alto, California, USA {first.last}@hp.com Hai Tao University of California,

More information

Learning to Align Images using Weak Geometric Supervision

Learning to Align Images using Weak Geometric Supervision Learning to Align Images using Weak Geometric Supervision Jing Dong 1,2 Byron Boots 1 Frank Dellaert 1 Ranveer Chandra 2 Sudipta N. Sinha 2 1 Georgia Institute of Technology 2 Microsoft Research Abstract

More information

Robust Binary Feature using the Intensity Order

Robust Binary Feature using the Intensity Order Robust Binary Feature using the Intensity Order Yukyung Choi*, Chaehoon Park*, Joon-Young Lee, and In So Kweon Robotics and Computer Vision Lab., KAIST, Korea Abstract. Binary features have received much

More information

Joint Unsupervised Learning of Deep Representations and Image Clusters Supplementary materials

Joint Unsupervised Learning of Deep Representations and Image Clusters Supplementary materials Joint Unsupervised Learning of Deep Representations and Image Clusters Supplementary materials Jianwei Yang, Devi Parikh, Dhruv Batra Virginia Tech {jw2yang, parikh, dbatra}@vt.edu Abstract This supplementary

More information

A Keypoint Descriptor Inspired by Retinal Computation

A Keypoint Descriptor Inspired by Retinal Computation A Keypoint Descriptor Inspired by Retinal Computation Bongsoo Suh, Sungjoon Choi, Han Lee Stanford University {bssuh,sungjoonchoi,hanlee}@stanford.edu Abstract. The main goal of our project is to implement

More information

Local Features: Detection, Description & Matching

Local Features: Detection, Description & Matching Local Features: Detection, Description & Matching Lecture 08 Computer Vision Material Citations Dr George Stockman Professor Emeritus, Michigan State University Dr David Lowe Professor, University of British

More information

Deep Learning For Video Classification. Presented by Natalie Carlebach & Gil Sharon

Deep Learning For Video Classification. Presented by Natalie Carlebach & Gil Sharon Deep Learning For Video Classification Presented by Natalie Carlebach & Gil Sharon Overview Of Presentation Motivation Challenges of video classification Common datasets 4 different methods presented in

More information

An Evaluation of Local Feature Detectors and Descriptors for Infrared Images

An Evaluation of Local Feature Detectors and Descriptors for Infrared Images An Evaluation of Local Feature Detectors and Descriptors for Infrared Images Johan Johansson, Martin Solli 2, and Atsuto Maki Royal Institute of Technology (KTH), Sweden 2 FLIR Systems AB, Sweden {johanj4,atsuto}@kth.se,

More information

Real-time Object Detection CS 229 Course Project

Real-time Object Detection CS 229 Course Project Real-time Object Detection CS 229 Course Project Zibo Gong 1, Tianchang He 1, and Ziyi Yang 1 1 Department of Electrical Engineering, Stanford University December 17, 2016 Abstract Objection detection

More information

Image matching. Announcements. Harder case. Even harder case. Project 1 Out today Help session at the end of class. by Diva Sian.

Image matching. Announcements. Harder case. Even harder case. Project 1 Out today Help session at the end of class. by Diva Sian. Announcements Project 1 Out today Help session at the end of class Image matching by Diva Sian by swashford Harder case Even harder case How the Afghan Girl was Identified by Her Iris Patterns Read the

More information

Computer Vision I - Filtering and Feature detection

Computer Vision I - Filtering and Feature detection Computer Vision I - Filtering and Feature detection Carsten Rother 30/10/2015 Computer Vision I: Basics of Image Processing Roadmap: Basics of Digital Image Processing Computer Vision I: Basics of Image

More information

Local Features Tutorial: Nov. 8, 04

Local Features Tutorial: Nov. 8, 04 Local Features Tutorial: Nov. 8, 04 Local Features Tutorial References: Matlab SIFT tutorial (from course webpage) Lowe, David G. Distinctive Image Features from Scale Invariant Features, International

More information

Part-based and local feature models for generic object recognition

Part-based and local feature models for generic object recognition Part-based and local feature models for generic object recognition May 28 th, 2015 Yong Jae Lee UC Davis Announcements PS2 grades up on SmartSite PS2 stats: Mean: 80.15 Standard Dev: 22.77 Vote on piazza

More information

Bilinear Models for Fine-Grained Visual Recognition

Bilinear Models for Fine-Grained Visual Recognition Bilinear Models for Fine-Grained Visual Recognition Subhransu Maji College of Information and Computer Sciences University of Massachusetts, Amherst Fine-grained visual recognition Example: distinguish

More information

Patch Descriptors. CSE 455 Linda Shapiro

Patch Descriptors. CSE 455 Linda Shapiro Patch Descriptors CSE 455 Linda Shapiro How can we find corresponding points? How can we find correspondences? How do we describe an image patch? How do we describe an image patch? Patches with similar

More information

A Comparison of SIFT, PCA-SIFT and SURF

A Comparison of SIFT, PCA-SIFT and SURF A Comparison of SIFT, PCA-SIFT and SURF Luo Juan Computer Graphics Lab, Chonbuk National University, Jeonju 561-756, South Korea qiuhehappy@hotmail.com Oubong Gwun Computer Graphics Lab, Chonbuk National

More information

Learning to Assign Orientations to Feature Points

Learning to Assign Orientations to Feature Points Learning to Assign Orientations to Feature Points Kwang Moo Yi 1, Yannick Verdie 1, Pascal Fua 1 Vincent Lepetit 2 1 Computer Vision Laboratory, École Polytechnique Fédérale de Lausanne (EPFL) 2 Institute

More information

Comparison of Feature Detection and Matching Approaches: SIFT and SURF

Comparison of Feature Detection and Matching Approaches: SIFT and SURF GRD Journals- Global Research and Development Journal for Engineering Volume 2 Issue 4 March 2017 ISSN: 2455-5703 Comparison of Detection and Matching Approaches: SIFT and SURF Darshana Mistry PhD student

More information

Efficient Interest Point Detectors & Features

Efficient Interest Point Detectors & Features Efficient Interest Point Detectors & Features Instructor - Simon Lucey 16-423 - Designing Computer Vision Apps Today Review. Efficient Interest Point Detectors. Efficient Descriptors. Review In classical

More information

DeepIndex for Accurate and Efficient Image Retrieval

DeepIndex for Accurate and Efficient Image Retrieval DeepIndex for Accurate and Efficient Image Retrieval Yu Liu, Yanming Guo, Song Wu, Michael S. Lew Media Lab, Leiden Institute of Advance Computer Science Outline Motivation Proposed Approach Results Conclusions

More information

Local invariant features

Local invariant features Local invariant features Tuesday, Oct 28 Kristen Grauman UT-Austin Today Some more Pset 2 results Pset 2 returned, pick up solutions Pset 3 is posted, due 11/11 Local invariant features Detection of interest

More information

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

Introduction. Introduction. Related Research. SIFT method. SIFT method. Distinctive Image Features from Scale-Invariant. Scale. Distinctive Image Features from Scale-Invariant Keypoints David G. Lowe presented by, Sudheendra Invariance Intensity Scale Rotation Affine View point Introduction Introduction SIFT (Scale Invariant Feature

More information

Local Difference Binary for Ultrafast and Distinctive Feature Description

Local Difference Binary for Ultrafast and Distinctive Feature Description Local Difference Binary for Ultrafast and Distinctive Feature Description Xin Yang, K.-T. Tim Cheng IEEE Trans. on Pattern Analysis and Machine Intelligence, 2014, January *Source code has been released

More information

Local Intensity Order Pattern for Feature Description

Local Intensity Order Pattern for Feature Description Local Intensity Order Pattern for Feature Description Zhenhua Wang Bin Fan Fuchao Wu National Laboratory of Pattern Recognition, Institute of Automation Chinese Academy of Sciences, 9, Beijing, China {wzh,bfan,fcwu}@nlpr.ia.ac.cn

More information

Binary Online Learned Descriptors

Binary Online Learned Descriptors This article has been accepted for publication in a future issue of this journal, but has not been fully edited. Content may change prior to final publication. Citation information: DOI.9/TPAMI.27.267993,

More information

Lecture 10 Detectors and descriptors

Lecture 10 Detectors and descriptors Lecture 10 Detectors and descriptors Properties of detectors Edge detectors Harris DoG Properties of detectors SIFT Shape context Silvio Savarese Lecture 10-26-Feb-14 From the 3D to 2D & vice versa P =

More information

3D Vision. Viktor Larsson. Spring 2019

3D Vision. Viktor Larsson. Spring 2019 3D Vision Viktor Larsson Spring 2019 Schedule Feb 18 Feb 25 Mar 4 Mar 11 Mar 18 Mar 25 Apr 1 Apr 8 Apr 15 Apr 22 Apr 29 May 6 May 13 May 20 May 27 Introduction Geometry, Camera Model, Calibration Features,

More information

Feature Based Registration - Image Alignment

Feature Based Registration - Image Alignment Feature Based Registration - Image Alignment Image Registration Image registration is the process of estimating an optimal transformation between two or more images. Many slides from Alexei Efros http://graphics.cs.cmu.edu/courses/15-463/2007_fall/463.html

More information

III. VERVIEW OF THE METHODS

III. VERVIEW OF THE METHODS An Analytical Study of SIFT and SURF in Image Registration Vivek Kumar Gupta, Kanchan Cecil Department of Electronics & Telecommunication, Jabalpur engineering college, Jabalpur, India comparing the distance

More information

Visual Object Recognition

Visual Object Recognition Visual Object Recognition Lecture 3: Descriptors Per-Erik Forssén, docent Computer Vision Laboratory Department of Electrical Engineering Linköping University 2015 2014 Per-Erik Forssén Lecture 3: Descriptors

More information

Implementing the Scale Invariant Feature Transform(SIFT) Method

Implementing the Scale Invariant Feature Transform(SIFT) Method Implementing the Scale Invariant Feature Transform(SIFT) Method YU MENG and Dr. Bernard Tiddeman(supervisor) Department of Computer Science University of St. Andrews yumeng@dcs.st-and.ac.uk Abstract The

More information

Siamese Network Features for Image Matching

Siamese Network Features for Image Matching Siamese Network Features for Image Matching Iaroslav Melekhov Department of Computer Science Aalto University, Finland Email: iaroslav.melekhov@aalto.fi Juho Kannala Department of Computer Science Aalto

More information

Local features: detection and description. Local invariant features

Local features: detection and description. Local invariant features Local features: detection and description Local invariant features Detection of interest points Harris corner detection Scale invariant blob detection: LoG Description of local patches SIFT : Histograms

More information

2D Image Processing Feature Descriptors

2D Image Processing Feature Descriptors 2D Image Processing Feature Descriptors Prof. Didier Stricker Kaiserlautern University http://ags.cs.uni-kl.de/ DFKI Deutsches Forschungszentrum für Künstliche Intelligenz http://av.dfki.de 1 Overview

More information

Automatic Image Alignment (feature-based)

Automatic Image Alignment (feature-based) Automatic Image Alignment (feature-based) Mike Nese with a lot of slides stolen from Steve Seitz and Rick Szeliski 15-463: Computational Photography Alexei Efros, CMU, Fall 2006 Today s lecture Feature

More information

Key properties of local features

Key properties of local features Key properties of local features Locality, robust against occlusions Must be highly distinctive, a good feature should allow for correct object identification with low probability of mismatch Easy to etract

More information

Deep neural networks II

Deep neural networks II Deep neural networks II May 31 st, 2018 Yong Jae Lee UC Davis Many slides from Rob Fergus, Svetlana Lazebnik, Jia-Bin Huang, Derek Hoiem, Adriana Kovashka, Why (convolutional) neural networks? State of

More information

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

EECS150 - Digital Design Lecture 14 FIFO 2 and SIFT. Recap and Outline EECS150 - Digital Design Lecture 14 FIFO 2 and SIFT Oct. 15, 2013 Prof. Ronald Fearing Electrical Engineering and Computer Sciences University of California, Berkeley (slides courtesy of Prof. John Wawrzynek)

More information

Local Feature Detectors

Local Feature Detectors Local Feature Detectors Selim Aksoy Department of Computer Engineering Bilkent University saksoy@cs.bilkent.edu.tr Slides adapted from Cordelia Schmid and David Lowe, CVPR 2003 Tutorial, Matthew Brown,

More information

Multiple-Choice Questionnaire Group C

Multiple-Choice Questionnaire Group C Family name: Vision and Machine-Learning Given name: 1/28/2011 Multiple-Choice naire Group C No documents authorized. There can be several right answers to a question. Marking-scheme: 2 points if all right

More information

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

Features Points. Andrea Torsello DAIS Università Ca Foscari via Torino 155, Mestre (VE) Features Points Andrea Torsello DAIS Università Ca Foscari via Torino 155, 30172 Mestre (VE) Finding Corners Edge detectors perform poorly at corners. Corners provide repeatable points for matching, so

More information

arxiv: v1 [cs.cv] 19 Apr 2017

arxiv: v1 [cs.cv] 19 Apr 2017 HPatches: A benchmark and evaluation of handcrafted and learned local descriptors arxiv:1704.05939v1 [cs.cv] 19 Apr 2017 Vassileios Balntas Imperial College London v.balntas@imperial.ac.uk Abstract In

More information