Recognition. Computer Vision I. CSE252A Lecture 20

Size: px
Start display at page:

Download "Recognition. Computer Vision I. CSE252A Lecture 20"

Transcription

1 Recognition CSE252A Lecture 20

2 Announcements HW 4 Due tomorrow (Friday) Final Exam Thursday, HW 3 to be returned at end of class. Final exam discussion at end of class. Stop me at 12:05!!

3 Dr.Kriegman, In lec7.pdf on page 2 where the BRDF with an apple is shown, it is stated: "ratio of incident irradiance to emitted radiance" The equation shows the ratio of emmitted radiance to incident irradiance instead, so the wording above should be reversed. -Fred

4 With assumptions in previous slide Bi-directional Reflectance Distribution Function ρ(θ in, φ in ; θ out, φ out ) BRDF Ratio of the emitted radiance to incident irradiance Function of Incoming light direction: θ in, φ in Outgoing light direction: θ out, φ out (θ in,φ in ) ^n (θ out,φ out ) ρ ( x θ, φ ; θ, φ ) CSE 252A, Winter 2006 ; = in in out out L i L ( ) o x; θout, φout ( x; θ, φ ) cosθ dω in in in

5 Motion wrap Normal Flow Aperture problem Lukas Kanade Tracking Last lecture

6 Recognition Given a database of objects and an image determine what, if any of the objects are present in the image.

7 Recognition Given a database of objects and an image determine what, if any of the objects are present in the image.

8 Bug Human/Felix Face Barbara Steele Camel Quadruped Problem: Recognizing instances Recognizing categories

9 Recognition Given a database of objects and an image determine what, if any of the objects are present in the image.

10 Object Recognition: The Problem Given: A database D of known objects and an image I: 1. Determine which (if any) objects in D appear in I 2. Determine the pose (rotation and translation) of the object Pose Est. (where is it 3D) Segmentation (where is it 2D) Recognition (what is it) WHAT AND WHERE!!!

11 Recognition Challenges Within-class variability Different objects within the class have different shapes or different material characteristics Deformable Articulated Compositional Pose variability: 2-D Image transformation (translation, rotation, scale) 3-D Pose Variability (perspective, orthographic projection) Lighting Direction (multiple sources & type) Color Shadows Occlusion partial Clutter in background -> false positives

12 Object Recognition Issues: How general is the problem? 2D vs. 3D range of viewing conditions available context segmentation cues What sort of data is best suited to the problem? Whole images Local 2D features (color, texture, 3D (range) data What information do we have in the database? Collection of images? 3-D models? Learned representation? Learned classifiers? How many objects are involved? small: brute force search large:??

13 A Rough Recognition Spectrum Appearance-Based Recognition (Eigenface, Fisherface) Shape Contexts Geometric Invariants Image Abstractions/ Volumetric Primitives Local Features + Spatial Relations Aspect Graphs 3-D Model-Based Recognition Function Increasing Generality

14 Sketch of a Pattern Recognition Architecture Image (window) Feature Extraction Feature Vector Classification Object Identity

15 Example: Face Detection Scan window over image. Classify window as either: Face Non-face Window Classifier Face Non-face

16 Pattern Classification Summary Supervised vs. Unsupervised: Do we have labels? Supervised Nearest Neighbor Bayesian Plug in classifier Distribution-based Projection Methods (Fisher s, LDA) Neural Network Support Vector Machine Kernel methods Unsupervised Clustering Reinforcement learning

17 Image as a Feature Vector x 2 x 1 x 3 Consider an n-pixel image to be a point in an n-dimensional space, x R n. Each pixel value is a coordinate of x.

18 Nearest Neighbor Classifier { R j } are set of training images. ID = arg min dist( R j j, I) I x 2 R 1 x 1 x 3 R 2

19 Comments Sometimes called Template Matching Variations on distance function (e.g. L 1, robust distances) Multiple templates per class- perhaps many training images per class. Expensive to compute k distances, especially when each image is big (N dimensional). May not generalize well to unseen examples of class. Some solutions: Bayesian classification Dimensionality reduction

20 Bayesian Classification Blackboard

21 Some loss may be inevitable: the minimum risk (shaded area) is called the Bayes risk

22 Finding a decision boundary is not the same as modeling a conditional density.

23 Plug-in classifiers Assume that distributions have some parametric form - now estimate the parameters from the data. Common: assume a normal distribution with shared covariance, different means; use usual estimates ditto, but different covariances; ditto Issue: parameter estimates that are good may not give optimal classifiers.

24 Example: Face Detection Scan window over image. Classify window as either: Face Non-face

25 Example: Finding skin Non-parametric Representation of CCD Skin has a very small range of (intensity independent) colors, and little texture Compute an intensity-independent color measure, check if color is in this range, check if there is little texture (median filter) See this as a classifier - we can set up the tests by hand, or learn them. get class conditional densities (histograms), priors from data (counting) Classifier is

26 Figure from Statistical color models with application to skin detection, M.J. Jones and J. Rehg, Proc. Computer Vision and Pattern Recognition, 1999 copyright 1999, IEEE

27 Receiver Operating Curve Figure from Statistical color models with application to skin detection, M.J. Jones and J. Rehg, Proc. Computer Vision and Pattern Recognition, 1999 copyright 1999, IEEE

28 Eigenfaces: linear projection An n-pixel image x R n can be projected to a low-dimensional feature space y R m by y = Wx where W is an n by m matrix. Recognition is performed using nearest neighbor in R m. How do we choose a good W?

29 Eigenfaces: Principal Component Analysis (PCA) Some details: Use Singular value decomposition, trick described in text to compute basis when n<<d

30 Singular Value Decomposition [ Repeated from Lecture 7] Any m by n matrix A may be factored such that A = UΣV T [m x n] = [m x m][m x n][n x n] U: m by m, orthogonal matrix Columns of U are the eigenvectors of AA T V: n by n, orthogonal matrix, columns are the eigenvectors of A T A Σ: m by n, diagonal with non-negative entries (σ 1, σ 2,, σ s ) with s=min(m,n) are called the called the singular values Singular values are the square roots of eigenvalues of both AA T and A T A & Columns of U are corresponding Eigenvectors Result of SVD algorithm: σ 1 σ 2 σ s

31 SVD Properties In Matlab [u s v] = svd(a), and you can verify that: A=u*s*v r=rank(a) = # of non-zero singular values. U, V give us orthonormal bases for the subspaces of A: 1st r columns of U: Column space of A Last m - r columns of U: Left nullspace of A 1st r columns of V: Row space of A 1st n - r columns of V: Nullspace of A For d<= r, the first d column of U provide the best d-dimensional basis for columns of A in least squares sense.

32 Thin SVD Any m by n matrix A may be factored such that A = UΣV T [m x n] = [m x m][m x n][n x n] If m>n, then one can view Σ as: ' 0 Where Σ =diag(σ 1, σ 2,, σ s ) with s=min(m,n), and lower matrix is (n-m by m) of zeros. Alternatively, you can write: A = U Σ V T In Matlab, thin SVD is:[u S V] = svds(a)

33 Performing PCA with SVD Singular values of A are the square roots of eigenvalues of both AA T and A T A & Columns of U are corresponding Eigenvectors n T T T And a a = [ a a a ][ a a L a ] = AA i= 1 Covariance matrix is: i i Σ = 1 1 n n 2 i= 1 L n 1 2 r r r ( x i μ)( x So, ignoring 1/n subtract mean image μ from each input image, create data matrix, and perform thin SVD on the data matrix. i r μ) T n

34 First Principal Component Direction of Maximum Variance Mean

35 Modeling Eigenfaces 1. Given a collection of n labeled training images, 2. Compute mean image and covariance matrix. 3. Compute k Eigenvectors (note that these are images) of covariance matrix corresponding to k largest Eigenvalues. (Or perform using SVD!!) 4. Project the training images to the k-dimensional Eigenspace. Recognition 1. Given a test image, project to Eigenspace. 2. Perform classification to the projected training images.

36 Eigenfaces: Training Images [ Turk, Pentland 01

37 Eigenfaces Mean Image Basis Images

38 Eigenfaces for a single individual, observed under variable lighting

39 Face detection using distance to face space Scan a window ω across the image, and classify the window as face/not face as follows: Project window to subspace, and reconstruct as described earlier. Compute distance between ω and reconstruction. Local minima of distance over all image locations less than some treshold are taken as locations of faces. Repeat at different scales. Possibly normalize windows intensity so that ω = 1.

40 Underlying assumptions Background is not cluttered (or else only looking at interior of object Lighting in test image is similar to that in training image. No occlusion Size of training image (window) same as window in test image.

41 Difficulties with PCA Projection may suppress important detail smallest variance directions may not be unimportant Method does not take discriminative task into account typically, we wish to compute features that allow good discrimination not the same as largest variance or minimizing reconstruction error.

42

43 Fisherfaces: Class specific linear projection P. Belhumeur, J. Hespanha, D. Kriegman, Eigenfaces vs. Fisherfaces: Recognition Using Class Specific Linear Projection, PAMI, July 1997, pp An n-pixel image x R n can be projected to a low-dimensional feature space y R m by y = Wx where W is an n by m matrix. Recognition is performed using nearest neighbor in R m. How do we choose a good W?

44 PCA & Fisher s Linear Discriminant Between-class scatter Within-class scatter Total scatter c ST = ( xk Where c is the number of classes μ i is the mean of class χ i χ i is number of samples of χ i.. c S B = χi ( μi μ)( μi μ) S W = i= 1 c i= 1 x χ i= 1 x χ k i k ( x i k μ )( x i μ)( x k k μ) T μ ) T i = T S B + S W χ 1 χ 2 μ 1 μ μ 2 If the data points are projected by y=wx and scatter of points is S, then the scatter of the projected points is W T SW

45 PCA & Fisher s Linear Discriminant PCA χ χ 2 1 FLD PCA (Eigenfaces) W PCA = arg maxw W Maximizes projected total scatter Fisher s Linear Discriminant W fld Maximizes ratio of projected between-class to projected within-class scatter W = arg max W W W T T T S S S T B W W W

46 Computing the Fisher Projection Matrix The w i are orthonormal There are at most c-1 non-zero generalized Eigenvalues, so m <= c-1 Can be computed with eig in Matlab

47 Fisherfaces W fld W = PCA W arg max W = W fldwpca Since S W is rank N-c, project training set to subspace T STW spanned by first N-c principal W components of the training set. T T Apply FLD to N-c W WPCASBWPCAW dimensional subspace yielding T c-1 dimensional feature space. = arg maxw W W T PCA S W W PCA W Fisher s Linear Discriminant projects away the within-class variation (lighting, expressions) found in training set. Fisher s Linear Discriminant preserves the separability of the classes.

48 PCA vs. FLD

49 Harvard Face Database 15 o 30 o 45 o 10 individuals 66 images per person Train on 6 images at 15 o Test on remaining images 60 o

50 Recognition Results: Lighting Extrapolation Error Rate degrees 30 degrees 45 degrees Light Direction Correlation Eigenfaces Eigenfaces (w/o 1st 3) Fisherface

51 Support Vector Machines Bayes classifiers and generative approaches in general try to model of the posterior, p( ω x) Instead, try to obtain the decision boundary directly potentially easier, because we need to encode only the geometry of the boundary, not any irrelevant wiggles in the posterior. Not all points affect the decision boundary [ From Marc Polleyfes]

52 Support Vector Machines Set S of points x i R n, each x i belongs to one of two classes y i {-1,1} The goals is to find a hyperplane that divides S in these two classes S is separable if w R n,b R y i ( w.x + b) 1 i Separating hyperplanes [ From Marc Polleyfes] d i d i = w.xi + b w w = Closest point y d i = w.x+ b = 0 w w 1 i

53 Support Vector Machines Optimal separating hyperplane maximizes Problem 1: Minimize Subject to 1 2 y w.w ( w.x + b) 1, i = 1,2 N i i,..., 1 w support vectors 2 w Optimal separating hyperplane (OSH) [ From Marc Polleyfes]

54 Solve using Lagrange multipliers Lagrangian L N = 2 α i i= 1 ( w, b,α) 1 w.w { y ( w.x + b) 1} i i at solution L = b L N i= 1 y i = w w i= 1 α = 0 N i α i yi x i = 0 therefore L N 1 N ( α) = i i j yi y j xi. x j α 0 α α α i= 1 2 i, j= 1 [ From Marc Polleyfes]

55 Decision function Once w and b have been computed the classification decision for input x is given by ( x) = sign( w. x ) f + b Note that the globally optimal solution can always be obtained (convex problem) [ From Marc Polleyfes]

56 Non-linear SVMs Non-linear separation surfaces can be obtained by non-linearly mapping the data to a high dimensional space and then applying the linear SVM technique Note that data only appears through vector product Need for vector product in high-dimension can be avoided by using Mercer kernels: K ( x, x ) = Φ( x ) Φ( x ) i i i i e.g. K ( y) ( x. y) p ( x, y) = ( x.y ) = x ( ) x 1 y 1 + x1x2 y1 y2 x2 y2 x, y exp 2 2 x, = (Polynomial kernel) K + K = Φ( 2 x ) = ( ) σx1, x1x2, x2 K ( x, y) = tanh( κ x. y δ ) (Radial Basis Function) (Sigmoïdal function) [ From Marc Polleyfes]

57 ( x, y) ( x 2, xy, y 2, x, y)= ( u 0,u 1,u 2,u 3,u 4 ) Space in which decision boundary is linear - a conic in the original space has the form au 0 + bu 1 + cu 2 + du 3 + eu 4 + f = 0 [ From Marc Polleyfes]

58 Variability: Camera position Illumination Internal parameters Within-class variations

59 Appearance manifold approach - for every object (Nayar et al. 96) 1. sample the set of viewing conditions 2. Crop & scale images to standard size 3. Use as feature vector - apply a PCA over all the images - keep the dominant PCs - Set of views for one object is represented as a manifold in the projected space - Recognition: What is nearest manifold for a given test image?

60 An example: input images

61 An example: basis images

62 An example: surfaces of first 3 coefficients

63 Parameterized Eigenspace

64 Recognition

65 Appearance-based vision for robot control [ Nayar, Nene, Murase 1994 ]

66 Limitations of these approaches Object must be segmented from background (How would one do this in non-trivial situations? Occlusion? The variability (dimension) in images is large, so is sampling feasible? How can one generalize to classes of objects?

67 Appearance-Based Vision: Lessons Strengths Posing the recognition metric in the image space rather than a derived representation is more powerful than expected. Modeling objects from many images is not unreasonable given hardware developments. The data (images) may provide a better representations than abstractions for many tasks.

68 Appearance-Based Vision: Lessons Weaknesses Segmentation or object detection is still an issue. To train the method, objects have to be observed under a wide range of conditions (e.g. pose, lighting, shape deformation). Limited power to extrapolate or generalize (abstract) to novel conditions.

69 Model-Based Vision Given 3-D models of each object Detect image features (often edges, line segments, conic sections) Establish correspondence between model &image features Estimate pose Consistency of projected model with image.

70 A Rough Recognition Spectrum Appearance-Based Recognition (Eigenface, Fisherface) Shape Contexts Geometric Invariants Image Abstractions/ Volumetric Primitives Local Features + Spatial Relations Aspect Graphs 3-D Model-Based Recognition Function

71 Recognition by Hypothesize and Test General idea Hypothesize object identity and pose Recover camera parameters (widely known as backprojection) Render object using camera parameters Compare to image Issues where do the hypotheses come from? How do we compare to image (verification)? Simplest approach Construct a correspondence for all object features to every correctly sized subset of image points These are the hypotheses Expensive search, which is also redundant.

72 Pose consistency Correspondences between image features and model features are not independent. A small number of correspondences yields a camera matrix --- the others correspondences must be consistent with this. Strategy: Generate hypotheses using small numbers of correspondences (e.g. triples of points for a calibrated perspective camera, etc., etc.) Backproject and verify

73

74 Figure from Object recognition using alignment, D.P. Huttenlocher and S. Ullman, Proc. Int. Conf. Computer Vision, 1986, copyright IEEE, 1986

75 Voting on Pose Each model leads to many correct sets of correspondences, each of which has the same pose Vote on pose, in an accumulator array This is a hough transform, with all it s issues.

76

77 Figure from The evolution and testing of a model-based object recognition system, J.L. Mundy and A. Heller, Proc. Int. Conf. Computer Vision, 1990 copyright 1990 IEEE

78 Figure from The evolution and testing of a model-based object recognition system, J.L. Mundy and A. Heller, Proc. Int. Conf. Computer Vision, 1990 copyright 1990 IEEE

79 Figure from The evolution and testing of a model-based object recognition system, J.L. Mundy and A. Heller, Proc. Int. Conf. Computer Vision, 1990 copyright 1990 IEEE

80 Figure from The evolution and testing of a model-based object recognition system, J.L. Mundy and A. Heller, Proc. Int. Conf. Computer Vision, 1990 copyright 1990 IEEE

81 Invariance Properties or measures that are independent of some group of transformation (e.g., rigid, affine, projective, etc.) For example, under affine transformations: Collinearity Parallelism Intersection Distance ratio along a line Angle ratios of tree intersecting lines Affine coordinates

82 Invariance - 1 There are geometric properties that are invariant to camera transformations Easiest case: view a plane object in scaled orthography. Assume we have three base points P_i (i=1..3) on the object then any other point on the object can be written as P k = P 1 + μ ka ( P 2 P 1 )+ μ kb ( P 3 P 1 ) Now image points are obtained by multiplying by a plane affine transformation, so p k = AP k = AP 1 + μ ka ( P 2 P 1 )+ μ kb P 3 P 1 = p 1 + μ ka ( p 2 p 1 )+ μ kb ( p 3 p 1 ) ( ( ) P 2 P k P 1 P 3 P k+1

83 Geometric hashing Vote on identity and correspondence using invariants Take hypotheses with large enough votes Building a table: Take all triplets of points in on model image to be base points P 1, P 2, P 3. Take ever fourth point and compute μ s Fill up a table, indexed by μ s, with the base points and fourth point that yield those μ s the object identity

84

85 Figure from Efficient model library access by projectively invariant indexing functions, by C.A. Rothwell et al., Proc. Computer Vision and Pattern Recognition, 1992, copyright 1992, IEEE

86 Verification Edge score are there image edges near predicted object edges? very unreliable; in texture, answer is usually yes Oriented edge score are there image edges near predicted object edges with the right orientation? better, but still hard to do well (see next slide) Texture e.g. does the spanner have the same texture as the wood?

87 Application: Surgery To minimize damage by operation planning To reduce number of operations by planning surgery To remove only affected tissue Problem ensure that the model with the operations planned on it and the information about the affected tissue lines up with the patient display model information supervised on view of patient Big Issue: coordinate alignment, as above

88 MRI CTI NMI USI Reprinted from Image and Vision Computing, v. 13, N. Ayache, Medical computer vision, virtual reality and robotics, Page 296, copyright, (1995), with permission from Elsevier Science

89 Figures by kind permission of Eric Grimson; further information can be obtained from his web site

90 Figures by kind permission of Eric Grimson; further information can be obtained from his web site

91 Figures by kind permission of Eric Grimson; further information can be obtained from his web site

92 A Rough Recognition Spectrum Appearance-Based Recognition (Eigenface, Fisherface) Shape Contexts Geometric Invariants Image Abstractions/ Volumetric Primitives Local Features + Spatial Relations Aspect Graphs 3-D Model-Based Recognition Function

93 Matching using Local Image features Simple approach Detect corners in image (e.g. Harris corner detector). Represent neighborhood of corner by a feature vector produced by Gabor Filters, K-jets, affineinvariant features, etc.). Modeling: Given an training image of an object w/o clutter, detect corners, compute feature descriptors, store these. Recognition time: Given test image with possible clutter, detect corners and compute features. Find models with same feature descriptors (hashing) and vote.

94 Figure from Local grayvalue invariants for image retrieval, by C. Schmid and R. Mohr, IEEE Trans. Pattern Analysis and Machine Intelligence, 1997 copyright 1997, IEEE

95 Write Probabilistic interpretation Assume Likelihood of image given pattern

96 Employ spatial relations Figure from Local grayvalue invariants for image retrieval, by C. Schmid and R. Mohr, IEEE Trans. Pattern Analysis and Machine Intelligence, 1997 copyright 1997, IEEE

97 Figure from Local grayvalue invariants for image retrieval, by C. Schmid and R. Mohr, IEEE Trans. Pattern Analysis and Machine Intelligence, 1997 copyright 1997, IEEE

98 Example Training examples Test image

99 Finding faces using relations Strategy: Face is eyes, nose, mouth, etc. with appropriate relations between them build a specialised detector for each of these (template matching) and look for groups with the right internal structure Once we ve found enough of a face, there is little uncertainty about where the other bits could be

100 Finding faces using relations Strategy: compare Notice that once some facial features have been found, the position of the rest is quite strongly constrained. Figure from, Finding faces in cluttered scenes using random labelled graph matching, by Leung, T. ;Burl, M and Perona, P., Proc. Int. Conf. on Computer Vision, 1995 copyright 1995, IEEE

101 Figure from, Finding faces in cluttered scenes using random labelled graph matching, by Leung, T. ;Burl, M and Perona, P., Proc. Int. Conf. on Computer Vision, 1995 copyright 1995, IEEE

102 Even without shading, shape reveals a lot - line drawings

103 Scene Interpretation The Swing Fragonard, 1766

104 Final Exam Closed book One cheat sheet Single piece of paper, handwritten, no photocopying, no physical cut & paste. What to study Basically material presented in class, and supporting material from text If it was in text, but NEVER mentioned in class, it is very unlikely to be on the exam Question style: Short answer Some longer problems to be worked out.

Recognition (Part 4) Introduction to Computer Vision CSE 152 Lecture 17

Recognition (Part 4) Introduction to Computer Vision CSE 152 Lecture 17 Recognition (Part 4) CSE 152 Lecture 17 Announcements Homework 5 is due June 9, 11:59 PM Reading: Chapter 15: Learning to Classify Chapter 16: Classifying Images Chapter 17: Detecting Objects in Images

More information

Announcements. Recognition (Part 3) Model-Based Vision. A Rough Recognition Spectrum. Pose consistency. Recognition by Hypothesize and Test

Announcements. Recognition (Part 3) Model-Based Vision. A Rough Recognition Spectrum. Pose consistency. Recognition by Hypothesize and Test Announcements (Part 3) CSE 152 Lecture 16 Homework 3 is due today, 11:59 PM Homework 4 will be assigned today Due Sat, Jun 4, 11:59 PM Reading: Chapter 15: Learning to Classify Chapter 16: Classifying

More information

Announcements. Recognition I. Gradient Space (p,q) What is the reflectance map?

Announcements. Recognition I. Gradient Space (p,q) What is the reflectance map? Announcements I HW 3 due 12 noon, tomorrow. HW 4 to be posted soon recognition Lecture plan recognition for next two lectures, then video and motion. Introduction to Computer Vision CSE 152 Lecture 17

More information

Applications Video Surveillance (On-line or off-line)

Applications Video Surveillance (On-line or off-line) Face Face Recognition: Dimensionality Reduction Biometrics CSE 190-a Lecture 12 CSE190a Fall 06 CSE190a Fall 06 Face Recognition Face is the most common biometric used by humans Applications range from

More information

Announcements. Recognition. Recognition. Recognition. Recognition. Homework 3 is due May 18, 11:59 PM Reading: Computer Vision I CSE 152 Lecture 14

Announcements. Recognition. Recognition. Recognition. Recognition. Homework 3 is due May 18, 11:59 PM Reading: Computer Vision I CSE 152 Lecture 14 Announcements Computer Vision I CSE 152 Lecture 14 Homework 3 is due May 18, 11:59 PM Reading: Chapter 15: Learning to Classify Chapter 16: Classifying Images Chapter 17: Detecting Objects in Images Given

More information

Announcements. Recognition I. Optical Flow: Where do pixels move to? dy dt. I + y. I = x. di dt. dx dt. = t

Announcements. Recognition I. Optical Flow: Where do pixels move to? dy dt. I + y. I = x. di dt. dx dt. = t Announcements I Introduction to Computer Vision CSE 152 Lecture 18 Assignment 4: Due Toda Assignment 5: Posted toda Read: Trucco & Verri, Chapter 10 on recognition Final Eam: Wed, 6/9/04, 11:30-2:30, WLH

More information

Recognition: Face Recognition. Linda Shapiro EE/CSE 576

Recognition: Face Recognition. Linda Shapiro EE/CSE 576 Recognition: Face Recognition Linda Shapiro EE/CSE 576 1 Face recognition: once you ve detected and cropped a face, try to recognize it Detection Recognition Sally 2 Face recognition: overview Typical

More information

Dimension Reduction CS534

Dimension Reduction CS534 Dimension Reduction CS534 Why dimension reduction? High dimensionality large number of features E.g., documents represented by thousands of words, millions of bigrams Images represented by thousands of

More information

Announcement. Photometric Stereo. Computer Vision I. Shading reveals 3-D surface geometry. Shape-from-X. CSE252A Lecture 8

Announcement. Photometric Stereo. Computer Vision I. Shading reveals 3-D surface geometry. Shape-from-X. CSE252A Lecture 8 Announcement Photometric Stereo Lecture 8 Read Chapter 2 of Forsyth & Ponce Office hours tomorrow: 3-5, CSE 4127 5-6, CSE B260A Piazza Next lecture Shape-from-X Shading reveals 3-D surface geometry Where

More information

Object Recognition 1

Object Recognition 1 Object Recognition 1 The Margaret Thatcher Illusion by Peter Thompson Lighting affects appearance The Margaret Thatcher Illusion by Peter Thompson 2 Recognition Problems Face Detection What is it? Object

More information

Object Recognition 1

Object Recognition 1 Object Recognition 1 2 Lighting affects appearance The Margaret Thatcher Illusion by Peter Thompson 3 The Margaret Thatcher Illusion by Peter Thompson 4 Recognition Problems What is it? Object detection

More information

Object and Class Recognition I:

Object and Class Recognition I: Object and Class Recognition I: Object Recognition Lectures 10 Sources ICCV 2005 short courses Li Fei-Fei (UIUC), Rob Fergus (Oxford-MIT), Antonio Torralba (MIT) http://people.csail.mit.edu/torralba/iccv2005

More information

Announcements. Stereo Vision Wrapup & Intro Recognition

Announcements. Stereo Vision Wrapup & Intro Recognition Announcements Stereo Vision Wrapup & Intro Introduction to Computer Vision CSE 152 Lecture 17 HW3 due date postpone to Thursday HW4 to posted by Thursday, due next Friday. Order of material we ll first

More information

CS 534: Computer Vision 3D Model-based recognition

CS 534: Computer Vision 3D Model-based recognition CS 534: Computer Vision 3D Model-based recognition Spring 2004 Ahmed Elgammal Dept of Computer Science CS 534 3D Model-based Vision - 1 Outlines Geometric Model-Based Object Recognition Choosing features

More information

Recognition, SVD, and PCA

Recognition, SVD, and PCA Recognition, SVD, and PCA Recognition Suppose you want to find a face in an image One possibility: look for something that looks sort of like a face (oval, dark band near top, dark band near bottom) Another

More information

Registration D.A. Forsyth, UIUC

Registration D.A. Forsyth, UIUC Registration D.A. Forsyth, UIUC Registration Place a geometric model in correspondence with an image could be 2D or 3D model up to some transformations possibly up to deformation Applications very important

More information

Announcements. Photometric Stereo. Shading reveals 3-D surface geometry. Photometric Stereo Rigs: One viewpoint, changing lighting

Announcements. Photometric Stereo. Shading reveals 3-D surface geometry. Photometric Stereo Rigs: One viewpoint, changing lighting Announcements Today Photometric Stereo, next lecture return to stereo Photometric Stereo Introduction to Computer Vision CSE152 Lecture 16 Shading reveals 3-D surface geometry Two shape-from-x methods

More information

Learning to Recognize Faces in Realistic Conditions

Learning to Recognize Faces in Realistic Conditions 000 001 002 003 004 005 006 007 008 009 010 011 012 013 014 015 016 017 018 019 020 021 022 023 024 025 026 027 028 029 030 031 032 033 034 035 036 037 038 039 040 041 042 043 044 045 046 047 048 049 050

More information

3D Models and Matching

3D Models and Matching 3D Models and Matching representations for 3D object models particular matching techniques alignment-based systems appearance-based systems GC model of a screwdriver 1 3D Models Many different representations

More information

Image-Based Face Recognition using Global Features

Image-Based Face Recognition using Global Features Image-Based Face Recognition using Global Features Xiaoyin xu Research Centre for Integrated Microsystems Electrical and Computer Engineering University of Windsor Supervisors: Dr. Ahmadi May 13, 2005

More information

Face/Flesh Detection and Face Recognition

Face/Flesh Detection and Face Recognition Face/Flesh Detection and Face Recognition Linda Shapiro EE/CSE 576 1 What s Coming 1. Review of Bakic flesh detector 2. Fleck and Forsyth flesh detector 3. Details of Rowley face detector 4. The Viola

More information

Photometric Stereo. Photometric Stereo. Shading reveals 3-D surface geometry BRDF. HW3 is assigned. An example of photometric stereo

Photometric Stereo. Photometric Stereo. Shading reveals 3-D surface geometry BRDF. HW3 is assigned. An example of photometric stereo Photometric Stereo Photometric Stereo HW3 is assigned Introduction to Computer Vision CSE5 Lecture 6 Shading reveals 3-D surface geometry Shape-from-shading: Use just one image to recover shape. Requires

More information

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

COSC160: Detection and Classification. Jeremy Bolton, PhD Assistant Teaching Professor COSC160: Detection and Classification Jeremy Bolton, PhD Assistant Teaching Professor Outline I. Problem I. Strategies II. Features for training III. Using spatial information? IV. Reducing dimensionality

More information

Bayes Risk. Classifiers for Recognition Reading: Chapter 22 (skip 22.3) Discriminative vs Generative Models. Loss functions in classifiers

Bayes Risk. Classifiers for Recognition Reading: Chapter 22 (skip 22.3) Discriminative vs Generative Models. Loss functions in classifiers Classifiers for Recognition Reading: Chapter 22 (skip 22.3) Examine each window of an image Classify object class within each window based on a training set images Example: A Classification Problem Categorize

More information

Last week. Multi-Frame Structure from Motion: Multi-View Stereo. Unknown camera viewpoints

Last week. Multi-Frame Structure from Motion: Multi-View Stereo. Unknown camera viewpoints Last week Multi-Frame Structure from Motion: Multi-View Stereo Unknown camera viewpoints Last week PCA Today Recognition Today Recognition Recognition problems What is it? Object detection Who is it? Recognizing

More information

Classifiers for Recognition Reading: Chapter 22 (skip 22.3)

Classifiers for Recognition Reading: Chapter 22 (skip 22.3) Classifiers for Recognition Reading: Chapter 22 (skip 22.3) Examine each window of an image Classify object class within each window based on a training set images Slide credits for this chapter: Frank

More information

Verification: is that a lamp? What do we mean by recognition? Recognition. Recognition

Verification: is that a lamp? What do we mean by recognition? Recognition. Recognition Recognition Recognition The Margaret Thatcher Illusion, by Peter Thompson The Margaret Thatcher Illusion, by Peter Thompson Readings C. Bishop, Neural Networks for Pattern Recognition, Oxford University

More information

What do we mean by recognition?

What do we mean by recognition? Announcements Recognition Project 3 due today Project 4 out today (help session + photos end-of-class) The Margaret Thatcher Illusion, by Peter Thompson Readings Szeliski, Chapter 14 1 Recognition What

More information

HW2 due on Thursday. Face Recognition: Dimensionality Reduction. Biometrics CSE 190 Lecture 11. Perceptron Revisited: Linear Separators

HW2 due on Thursday. Face Recognition: Dimensionality Reduction. Biometrics CSE 190 Lecture 11. Perceptron Revisited: Linear Separators HW due on Thursday Face Recognition: Dimensionality Reduction Biometrics CSE 190 Lecture 11 CSE190, Winter 010 CSE190, Winter 010 Perceptron Revisited: Linear Separators Binary classification can be viewed

More information

Face detection and recognition. Detection Recognition Sally

Face detection and recognition. Detection Recognition Sally Face detection and recognition Detection Recognition Sally Face detection & recognition Viola & Jones detector Available in open CV Face recognition Eigenfaces for face recognition Metric learning identification

More information

Face Detection and Recognition in an Image Sequence using Eigenedginess

Face Detection and Recognition in an Image Sequence using Eigenedginess Face Detection and Recognition in an Image Sequence using Eigenedginess B S Venkatesh, S Palanivel and B Yegnanarayana Department of Computer Science and Engineering. Indian Institute of Technology, Madras

More information

Unsupervised learning in Vision

Unsupervised learning in Vision Chapter 7 Unsupervised learning in Vision The fields of Computer Vision and Machine Learning complement each other in a very natural way: the aim of the former is to extract useful information from visual

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

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

Template Matching Rigid Motion

Template Matching Rigid Motion Template Matching Rigid Motion Find transformation to align two images. Focus on geometric features (not so much interesting with intensity images) Emphasis on tricks to make this efficient. Problem Definition

More information

GENDER CLASSIFICATION USING SUPPORT VECTOR MACHINES

GENDER CLASSIFICATION USING SUPPORT VECTOR MACHINES GENDER CLASSIFICATION USING SUPPORT VECTOR MACHINES Ashwin Swaminathan ashwins@umd.edu ENEE633: Statistical and Neural Pattern Recognition Instructor : Prof. Rama Chellappa Project 2, Part (a) 1. INTRODUCTION

More information

Final Exam Study Guide

Final Exam Study Guide Final Exam Study Guide Exam Window: 28th April, 12:00am EST to 30th April, 11:59pm EST Description As indicated in class the goal of the exam is to encourage you to review the material from the course.

More information

Feature Detectors and Descriptors: Corners, Lines, etc.

Feature Detectors and Descriptors: Corners, Lines, etc. Feature Detectors and Descriptors: Corners, Lines, etc. Edges vs. Corners Edges = maxima in intensity gradient Edges vs. Corners Corners = lots of variation in direction of gradient in a small neighborhood

More information

CHAPTER 3 PRINCIPAL COMPONENT ANALYSIS AND FISHER LINEAR DISCRIMINANT ANALYSIS

CHAPTER 3 PRINCIPAL COMPONENT ANALYSIS AND FISHER LINEAR DISCRIMINANT ANALYSIS 38 CHAPTER 3 PRINCIPAL COMPONENT ANALYSIS AND FISHER LINEAR DISCRIMINANT ANALYSIS 3.1 PRINCIPAL COMPONENT ANALYSIS (PCA) 3.1.1 Introduction In the previous chapter, a brief literature review on conventional

More information

Deep Learning for Computer Vision

Deep Learning for Computer Vision Deep Learning for Computer Vision Spring 2018 http://vllab.ee.ntu.edu.tw/dlcv.html (primary) https://ceiba.ntu.edu.tw/1062dlcv (grade, etc.) FB: DLCV Spring 2018 Yu Chiang Frank Wang 王鈺強, Associate Professor

More information

Unsupervised Learning

Unsupervised Learning Unsupervised Learning Learning without Class Labels (or correct outputs) Density Estimation Learn P(X) given training data for X Clustering Partition data into clusters Dimensionality Reduction Discover

More information

Robotics Programming Laboratory

Robotics Programming Laboratory Chair of Software Engineering Robotics Programming Laboratory Bertrand Meyer Jiwon Shin Lecture 8: Robot Perception Perception http://pascallin.ecs.soton.ac.uk/challenges/voc/databases.html#caltech car

More information

Template Matching Rigid Motion. Find transformation to align two images. Focus on geometric features

Template Matching Rigid Motion. Find transformation to align two images. Focus on geometric features Template Matching Rigid Motion Find transformation to align two images. Focus on geometric features (not so much interesting with intensity images) Emphasis on tricks to make this efficient. Problem Definition

More information

Announcements. Motion. Structure-from-Motion (SFM) Motion. Discrete Motion: Some Counting

Announcements. Motion. Structure-from-Motion (SFM) Motion. Discrete Motion: Some Counting Announcements Motion HW 4 due Friday Final Exam: Tuesday, 6/7 at 8:00-11:00 Fill out your CAPES Introduction to Computer Vision CSE 152 Lecture 20 Motion Some problems of motion 1. Correspondence: Where

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

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

Computer vision: models, learning and inference. Chapter 13 Image preprocessing and feature extraction Computer vision: models, learning and inference Chapter 13 Image preprocessing and feature extraction Preprocessing The goal of pre-processing is to try to reduce unwanted variation in image due to lighting,

More information

calibrated coordinates Linear transformation pixel coordinates

calibrated coordinates Linear transformation pixel coordinates 1 calibrated coordinates Linear transformation pixel coordinates 2 Calibration with a rig Uncalibrated epipolar geometry Ambiguities in image formation Stratified reconstruction Autocalibration with partial

More information

Photometric Stereo. Lighting and Photometric Stereo. Computer Vision I. Last lecture in a nutshell BRDF. CSE252A Lecture 7

Photometric Stereo. Lighting and Photometric Stereo. Computer Vision I. Last lecture in a nutshell BRDF. CSE252A Lecture 7 Lighting and Photometric Stereo Photometric Stereo HW will be on web later today CSE5A Lecture 7 Radiometry of thin lenses δa Last lecture in a nutshell δa δa'cosα δacos β δω = = ( z' / cosα ) ( z / cosα

More information

Announcement. Lighting and Photometric Stereo. Computer Vision I. Surface Reflectance Models. Lambertian (Diffuse) Surface.

Announcement. Lighting and Photometric Stereo. Computer Vision I. Surface Reflectance Models. Lambertian (Diffuse) Surface. Lighting and Photometric Stereo CSE252A Lecture 7 Announcement Read Chapter 2 of Forsyth & Ponce Might find section 12.1.3 of Forsyth & Ponce useful. HW Problem Emitted radiance in direction f r for incident

More information

Supervised Sementation: Pixel Classification

Supervised Sementation: Pixel Classification Supervised Sementation: Pixel Classification Example: A Classification Problem Categorize images of fish say, Atlantic salmon vs. Pacific salmon Use features such as length, width, lightness, fin shape

More information

Object. Radiance. Viewpoint v

Object. Radiance. Viewpoint v Fisher Light-Fields for Face Recognition Across Pose and Illumination Ralph Gross, Iain Matthews, and Simon Baker The Robotics Institute, Carnegie Mellon University 5000 Forbes Avenue, Pittsburgh, PA 15213

More information

Object Recognition Using Pictorial Structures. Daniel Huttenlocher Computer Science Department. In This Talk. Object recognition in computer vision

Object Recognition Using Pictorial Structures. Daniel Huttenlocher Computer Science Department. In This Talk. Object recognition in computer vision Object Recognition Using Pictorial Structures Daniel Huttenlocher Computer Science Department Joint work with Pedro Felzenszwalb, MIT AI Lab In This Talk Object recognition in computer vision Brief definition

More information

Announcements. Introduction. Why is this hard? What is Computer Vision? We all make mistakes. What do you see? Class Web Page is up:

Announcements. Introduction. Why is this hard? What is Computer Vision? We all make mistakes. What do you see? Class Web Page is up: Announcements Introduction Computer Vision I CSE 252A Lecture 1 Class Web Page is up: http://www.cs.ucsd.edu/classes/wi05/cse252a/ Assignment 0: Getting Started with Matlab is posted to web page, due 1/13/04

More information

Announcements. Motion. Structure-from-Motion (SFM) Motion. Discrete Motion: Some Counting

Announcements. Motion. Structure-from-Motion (SFM) Motion. Discrete Motion: Some Counting Announcements Motion Introduction to Computer Vision CSE 152 Lecture 20 HW 4 due Friday at Midnight Final Exam: Tuesday, 6/12 at 8:00AM-11:00AM, regular classroom Extra Office Hours: Monday 6/11 9:00AM-10:00AM

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

Classifiers and Detection. D.A. Forsyth

Classifiers and Detection. D.A. Forsyth Classifiers and Detection D.A. Forsyth Classifiers Take a measurement x, predict a bit (yes/no; 1/-1; 1/0; etc) Detection with a classifier Search all windows at relevant scales Prepare features Classify

More information

FACE RECOGNITION USING SUPPORT VECTOR MACHINES

FACE RECOGNITION USING SUPPORT VECTOR MACHINES FACE RECOGNITION USING SUPPORT VECTOR MACHINES Ashwin Swaminathan ashwins@umd.edu ENEE633: Statistical and Neural Pattern Recognition Instructor : Prof. Rama Chellappa Project 2, Part (b) 1. INTRODUCTION

More information

Face detection and recognition. Many slides adapted from K. Grauman and D. Lowe

Face detection and recognition. Many slides adapted from K. Grauman and D. Lowe Face detection and recognition Many slides adapted from K. Grauman and D. Lowe Face detection and recognition Detection Recognition Sally History Early face recognition systems: based on features and distances

More information

Linear Discriminant Analysis in Ottoman Alphabet Character Recognition

Linear Discriminant Analysis in Ottoman Alphabet Character Recognition Linear Discriminant Analysis in Ottoman Alphabet Character Recognition ZEYNEB KURT, H. IREM TURKMEN, M. ELIF KARSLIGIL Department of Computer Engineering, Yildiz Technical University, 34349 Besiktas /

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

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

BSB663 Image Processing Pinar Duygulu. Slides are adapted from Selim Aksoy BSB663 Image Processing Pinar Duygulu Slides are adapted from Selim Aksoy Image matching Image matching is a fundamental aspect of many problems in computer vision. Object or scene recognition Solving

More information

Specific Object Recognition: Matching in 2D

Specific Object Recognition: Matching in 2D Specific Object Recognition: Matching in 2D engine model Is there an engine in the image? If so, where is it located? image containing an instance of the model Alignment Use a geometric feature-based model

More information

Vignette: Reimagining the Analog Photo Album

Vignette: Reimagining the Analog Photo Album Vignette: Reimagining the Analog Photo Album David Eng, Andrew Lim, Pavitra Rengarajan Abstract Although the smartphone has emerged as the most convenient device on which to capture photos, it lacks the

More information

All good things must...

All good things must... Lecture 17 Final Review All good things must... UW CSE vision faculty Course Grading Programming Projects (80%) Image scissors (20%) -DONE! Panoramas (20%) - DONE! Content-based image retrieval (20%) -

More information

22 October, 2012 MVA ENS Cachan. Lecture 5: Introduction to generative models Iasonas Kokkinos

22 October, 2012 MVA ENS Cachan. Lecture 5: Introduction to generative models Iasonas Kokkinos Machine Learning for Computer Vision 1 22 October, 2012 MVA ENS Cachan Lecture 5: Introduction to generative models Iasonas Kokkinos Iasonas.kokkinos@ecp.fr Center for Visual Computing Ecole Centrale Paris

More information

Midterm Wed. Local features: detection and description. Today. Last time. Local features: main components. Goal: interest operator repeatability

Midterm Wed. Local features: detection and description. Today. Last time. Local features: main components. Goal: interest operator repeatability Midterm Wed. Local features: detection and description Monday March 7 Prof. UT Austin Covers material up until 3/1 Solutions to practice eam handed out today Bring a 8.5 11 sheet of notes if you want Review

More information

Final Project Face Detection and Recognition

Final Project Face Detection and Recognition Final Project Face Detection and Recognition Submission Guidelines: 1. Follow the guidelines detailed in the course website and information page.. Submission in pairs is allowed for all students registered

More information

CIS 520, Machine Learning, Fall 2015: Assignment 7 Due: Mon, Nov 16, :59pm, PDF to Canvas [100 points]

CIS 520, Machine Learning, Fall 2015: Assignment 7 Due: Mon, Nov 16, :59pm, PDF to Canvas [100 points] CIS 520, Machine Learning, Fall 2015: Assignment 7 Due: Mon, Nov 16, 2015. 11:59pm, PDF to Canvas [100 points] Instructions. Please write up your responses to the following problems clearly and concisely.

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

Generalized Hough Transform, line fitting

Generalized Hough Transform, line fitting Generalized Hough Transform, line fitting Introduction to Computer Vision CSE 152 Lecture 11-a Announcements Assignment 2: Due today Midterm: Thursday, May 10 in class Non-maximum suppression For every

More information

And if that 120MP Camera was cool

And if that 120MP Camera was cool Reflectance, Lights and on to photometric stereo CSE 252A Lecture 7 And if that 120MP Camera was cool Large Synoptic Survey Telescope 3.2Gigapixel camera 189 CCD s, each with 16 megapixels Pixels are 10µm

More information

Selection of Scale-Invariant Parts for Object Class Recognition

Selection of Scale-Invariant Parts for Object Class Recognition Selection of Scale-Invariant Parts for Object Class Recognition Gy. Dorkó and C. Schmid INRIA Rhône-Alpes, GRAVIR-CNRS 655, av. de l Europe, 3833 Montbonnot, France fdorko,schmidg@inrialpes.fr Abstract

More information

Object Recognition with Invariant Features

Object Recognition with Invariant Features Object Recognition with Invariant Features Definition: Identify objects or scenes and determine their pose and model parameters Applications Industrial automation and inspection Mobile robots, toys, user

More information

ECE 484 Digital Image Processing Lec 17 - Part II Review & Final Projects Topics

ECE 484 Digital Image Processing Lec 17 - Part II Review & Final Projects Topics ECE 484 Digital Image Processing Lec 17 - Part II Review & Final Projects opics Zhu Li Dept of CSEE, UMKC Office: FH560E, Email: lizhu@umkc.edu, Ph: x 2346. http://l.web.umkc.edu/lizhu slides created with

More information

Edge and corner detection

Edge and corner detection Edge and corner detection Prof. Stricker Doz. G. Bleser Computer Vision: Object and People Tracking Goals Where is the information in an image? How is an object characterized? How can I find measurements

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

Understanding Faces. Detection, Recognition, and. Transformation of Faces 12/5/17

Understanding Faces. Detection, Recognition, and. Transformation of Faces 12/5/17 Understanding Faces Detection, Recognition, and 12/5/17 Transformation of Faces Lucas by Chuck Close Chuck Close, self portrait Some slides from Amin Sadeghi, Lana Lazebnik, Silvio Savarese, Fei-Fei Li

More information

Image Based Feature Extraction Technique For Multiple Face Detection and Recognition in Color Images

Image Based Feature Extraction Technique For Multiple Face Detection and Recognition in Color Images Image Based Feature Extraction Technique For Multiple Face Detection and Recognition in Color Images 1 Anusha Nandigam, 2 A.N. Lakshmipathi 1 Dept. of CSE, Sir C R Reddy College of Engineering, Eluru,

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

Dimensionality Reduction and Classification through PCA and LDA

Dimensionality Reduction and Classification through PCA and LDA International Journal of Computer Applications (09 8887) Dimensionality Reduction and Classification through and Telgaonkar Archana H. PG Student Department of CS and IT Dr. BAMU, Aurangabad Deshmukh Sachin

More information

Generative and discriminative classification techniques

Generative and discriminative classification techniques Generative and discriminative classification techniques Machine Learning and Category Representation 013-014 Jakob Verbeek, December 13+0, 013 Course website: http://lear.inrialpes.fr/~verbeek/mlcr.13.14

More information

Classification of Subject Motion for Improved Reconstruction of Dynamic Magnetic Resonance Imaging

Classification of Subject Motion for Improved Reconstruction of Dynamic Magnetic Resonance Imaging 1 CS 9 Final Project Classification of Subject Motion for Improved Reconstruction of Dynamic Magnetic Resonance Imaging Feiyu Chen Department of Electrical Engineering ABSTRACT Subject motion is a significant

More information

Stereo and Epipolar geometry

Stereo and Epipolar geometry Previously Image Primitives (feature points, lines, contours) Today: Stereo and Epipolar geometry How to match primitives between two (multiple) views) Goals: 3D reconstruction, recognition Jana Kosecka

More information

Lecture 4 Face Detection and Classification. Lin ZHANG, PhD School of Software Engineering Tongji University Spring 2018

Lecture 4 Face Detection and Classification. Lin ZHANG, PhD School of Software Engineering Tongji University Spring 2018 Lecture 4 Face Detection and Classification Lin ZHANG, PhD School of Software Engineering Tongji University Spring 2018 Any faces contained in the image? Who are they? Outline Overview Face detection Introduction

More information

Image Processing. Image Features

Image Processing. Image Features Image Processing Image Features Preliminaries 2 What are Image Features? Anything. What they are used for? Some statements about image fragments (patches) recognition Search for similar patches matching

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

Applying Synthetic Images to Learning Grasping Orientation from Single Monocular Images

Applying Synthetic Images to Learning Grasping Orientation from Single Monocular Images Applying Synthetic Images to Learning Grasping Orientation from Single Monocular Images 1 Introduction - Steve Chuang and Eric Shan - Determining object orientation in images is a well-established topic

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

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

Photometric stereo. Recovering the surface f(x,y) Three Source Photometric stereo: Step1. Reflectance Map of Lambertian Surface

Photometric stereo. Recovering the surface f(x,y) Three Source Photometric stereo: Step1. Reflectance Map of Lambertian Surface Photometric stereo Illumination Cones and Uncalibrated Photometric Stereo Single viewpoint, multiple images under different lighting. 1. Arbitrary known BRDF, known lighting 2. Lambertian BRDF, known lighting

More information

Harder case. Image matching. Even harder case. Harder still? by Diva Sian. by swashford

Harder case. Image matching. Even harder case. Harder still? by Diva Sian. by swashford Image matching Harder case by Diva Sian by Diva Sian by scgbt by swashford Even harder case Harder still? How the Afghan Girl was Identified by Her Iris Patterns Read the story NASA Mars Rover images Answer

More information

Generic Face Alignment Using an Improved Active Shape Model

Generic Face Alignment Using an Improved Active Shape Model Generic Face Alignment Using an Improved Active Shape Model Liting Wang, Xiaoqing Ding, Chi Fang Electronic Engineering Department, Tsinghua University, Beijing, China {wanglt, dxq, fangchi} @ocrserv.ee.tsinghua.edu.cn

More information

CS231A Midterm Review. Friday 5/6/2016

CS231A Midterm Review. Friday 5/6/2016 CS231A Midterm Review Friday 5/6/2016 Outline General Logistics Camera Models Non-perspective cameras Calibration Single View Metrology Epipolar Geometry Structure from Motion Active Stereo and Volumetric

More information

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

3D from Photographs: Automatic Matching of Images. Dr Francesco Banterle 3D from Photographs: Automatic Matching of Images Dr Francesco Banterle francesco.banterle@isti.cnr.it 3D from Photographs Automatic Matching of Images Camera Calibration Photographs Surface Reconstruction

More information

What is Computer Vision? Introduction. We all make mistakes. Why is this hard? What was happening. What do you see? Intro Computer Vision

What is Computer Vision? Introduction. We all make mistakes. Why is this hard? What was happening. What do you see? Intro Computer Vision What is Computer Vision? Trucco and Verri (Text): Computing properties of the 3-D world from one or more digital images Introduction Introduction to Computer Vision CSE 152 Lecture 1 Sockman and Shapiro:

More information

Supervised vs unsupervised clustering

Supervised vs unsupervised clustering Classification Supervised vs unsupervised clustering Cluster analysis: Classes are not known a- priori. Classification: Classes are defined a-priori Sometimes called supervised clustering Extract useful

More information

Recognition problems. Face Recognition and Detection. Readings. What is recognition?

Recognition problems. Face Recognition and Detection. Readings. What is recognition? Face Recognition and Detection Recognition problems The Margaret Thatcher Illusion, by Peter Thompson Computer Vision CSE576, Spring 2008 Richard Szeliski CSE 576, Spring 2008 Face Recognition and Detection

More information

Moving Object Segmentation Method Based on Motion Information Classification by X-means and Spatial Region Segmentation

Moving Object Segmentation Method Based on Motion Information Classification by X-means and Spatial Region Segmentation IJCSNS International Journal of Computer Science and Network Security, VOL.13 No.11, November 2013 1 Moving Object Segmentation Method Based on Motion Information Classification by X-means and Spatial

More information

Generic Object Recognition with Strangeness and Boosting

Generic Object Recognition with Strangeness and Boosting Generic Object Recognition with Strangeness and Boosting Ph.D Proposal Fayin Li Advisors: Dr. Jana Košecká and Harry Wechsler Department of Computer Science George Mason University 1. Introduction People

More information

Announcements. Hough Transform [ Patented 1962 ] Generalized Hough Transform, line fitting. Assignment 2: Due today Midterm: Thursday, May 5 in class

Announcements. Hough Transform [ Patented 1962 ] Generalized Hough Transform, line fitting. Assignment 2: Due today Midterm: Thursday, May 5 in class Announcements Generalized Hough Transform, line fitting Assignment 2: Due today Midterm: Thursday, May 5 in class Introduction to Computer Vision CSE 152 Lecture 11a What is region like if: 1. λ 1 = 0?

More information