Implementation of a Face Detection and Recognition System

Size: px
Start display at page:

Download "Implementation of a Face Detection and Recognition System"

Transcription

1 Implementation of a Face Detection and Recognition System Sanghyun Choi Johns Hopkins University 3400 N. Charles Street Baltimore, MD 21218, USA schoi60@jhu.edu Michael Flynn Johns Hopkins University 3400 N. Charles Street Baltimore, MD 21218, USA mflynn19@jhu.edu Abstract This paper details the implementation of a computer vision system for face detection and face recognition. For face detection, Viola- Jones algorithm is used for binary classification to indicate whether or not a face exists in a given image, and for face recognition the Eigenfaces algorithm is implemented for feature learning and dimensionality reduction, employing a k-nearest neighbors classifier is used for multi-class classification. This paper details these algorithms and their implementations, and results are analyzed to evaluate the systems s performance. 1 Introduction With the advent of robust machine learning techniques, the study of face detection and recognition in images has become an increasingly popular field in computer vision, especially because it has a wide range of applications. For example, it enables social media sites to automatically identify the people present in a photo (and make suggestions accordingly) and it also improves everyday security by aiding the analysis of surveillance videos. There are still many challenges that need to be addressed in this field because no single algorithm is perfectly robust to all of the factors required to detect and recognizes faces. For example, Osuna (1997) applied support vector machines, a learning algorithm that finds the maximal margin to separate different classes of data, to face detection. However, using raw image pixels as feature vectors gave rise to extremely high dimensionality, making computations on these vectors cumbersome. Moreover, training itself was an intractable task since there were just too many non-face images that had to be provided for the classification to become accurate. Factors such as lighting condition, poses, and facial expressions also make face detection and recognition a challenging task. Hence, significant amount of effort is required to construct a feature that represents an image in such a way that it guarantees high performance in terms of computational speed and classification accuracy. Further more, even if the right features are found, there is yet another challenge to construct an appropriate classifier. Here we present our implementation of Viola and Jones (2004) algorithm, which revolutionized the field of face detection, and a system for recognizing faces in images based on a lower dimensional feature learning technique called principal component analysis combined with k-nearest neighbors classifier. The Viola and Jones algorithm is implemented because it is a state-of-the-art algorithm that addresses many of the difficulties mentioned above. From a set of features that are very quick to evaluate, it automatically chooses the best features and, based on those features, constructs a classifier that can classify new images in real-time. The stateof-the-art for face recognition would be algorithms involving deep neural networks, such as the work done by Wolf (2014) for Facebook, but this is beyond our scope and we resort to simpler, yet robust, machine learning techniques used by Turk and Pentland (1991). The algorithms are covered in more

2 depth in section 2. 2 Algorithms Overview 2.1 Viola and Jones The key concept behind the algorithm presented by Viola and Jones for face detection is a learning technique called AdaBoost (i.e. shorthand for Adaptive Boosting). The reason why boosting is suitable for face detection is because it automatically selects the best features that help distinguish faces from nonfaces. Conceptually, boosting trains a set of weak learners (i.e. learners that are slightly better than random decision generators) to produce a classifier that consists of a weighted ensemble of those weak learners. The training is performed in multiple stages where at each stage a misclassified weak learner is given more weight so that during the next stage, more focus is given to this weak leaner in order to make it stronger. In the context of Viola and Jones algorithm, weak learners are defined as Haar features. They are rectangular patches divided into different orientations of white and black regions as depicted in Figure 1. Evaluation of these features simply involve the summation of pixel intensity values in the white region subtracted by that of black region. Figure 1: Four types of Haar features used in Viola and Jones algorithm. Adapted from Viola and Jones (2004). The significance of these features lies in the fact that human faces are characterized by certain regions of varying intensity. For example, usually the eye area is shadowed, meaning it is darker compared to other area, so Haar feature type B in Figure 1 would capture this characteristic if black region is placed in the eye area. Viola and Jones algorithm trains these rectangular features of varying sizes and orientations to output the most defining features for human faces. What is novel about this algorithm is the highly efficient evaluation of these features. A naive summation and subtraction strategy for image intensity values would require enormous amount of computation because this is performed for every sub-patch of an image. To resolve this, Viola and Jones introduced the concept of integral images. Given an image, computing its integral image involves assigning each pixel a cumulative sum of intensity values for the rectangular region formed by the origin (top-left corner) and the current pixel. With this readily computed information, feature evaluation could be performed in a few arithmetic steps (i.e. some additions and subtractions of these cumulative sums). 2.2 Principal Component Analysis Oftentimes the underlying function that machine learning tries to uncover can be more efficiently represented in a subspace of the data. Principal component analysis (PCA) is a statistical unsupervised learning technique that aims to find an optimal projection of the data such that its variance is maximized. Because PCA is finding an optimal subspace of the data, the projected data will require fewer dimensions to represent it that the original data, and because of this PCA is often used a dimensionality reduction technique to find more compact representations of data. For images, which represent incomprehensibly complex functions and fall prey to the curse of dimensionality problem because of their size, PCA can assist in object recognition by finding an optimal subspace to represent that object. By reducing the dimensionality of the image and transforming it into a compressed representation that still encodes the underlying information about the image, common machine learning algorithms such as k-nearest neighbors or support vector machines can be applied to the image that would otherwise be unfeasible.

3 maximize U subject to Trace(U T C xx U) U T U = I (1) PCA is first posed as a question of how to maximize the variance in a projected subspace, as shown in equation 1, where C xx is the covariance matrix of X. Solving for this optimization problem reveals that the desired U that will maximize the subspace are the eigenvectors of XX T (also known as the left singular values of X or its principal components), which are given by the singular value decomposition (SVD) X = USV T. Therefore, by stacking features for different samples into a data matrix and finding its left singular values, samples can be projected into the subspace using X = U T X. This is the underlying concept that fuels Eigenfaces, one of the earliest face recognition algorithms that was able to achieve staggering recognition accuracies of up to 90% in certain situations (Turk, 1991). Similar to what was described earlier, the algorithm works by first unrolling training images into one long feature vector and stacking the resulting vectors on top on one another into a data matrix. Next, SVD is performed on the data matrix to find its principal components, which is finally used to transform both training and test data before feeding it into another algorithm which will work with this new representation instead of working with the raw data directly Kernel PCA Because PCA is a linear method, it cannot effectively find the subspace to represent nonlinear relationships in the data. However, it can easily be augmented to accommodate for nonlinear data by applying the kernel trick. This trick is a way to work with data in high-dimensional space created by a kernel function that maps data in this space, but without ever explicitly computing this high-dimensional space. This is done by computing a Gram kernel matrix K that represents the result of the kernel function between all combinations of samples, and working with respect to this matrix instead. One such example of a kernel function that can be used to build a Gram matrix is the radial basis function (RBF), which represents an infinite-dimensional Gaussian distribution of the inner product between two feature vectors, showed in equation 2. ( x ) y 2 RBF(x, y) = exp 2σ 2 (2) To apply this trick to PCA, the kernel matrix of data is computed first before SVD is ran, and the principal components of this matrix is found instead. To project data onto these components, a kernel matrix between the data to project and the data that was used to find the principal components is found, which is then used to project onto the principal components. It should be noted that because it is required to compute a kernel matrix before projecting data that the complexity of this algorithm is in terms of the number of samples used to find the principal components, which makes this algorithm intractable for large training sets. 2.3 k-nearest Neighbors One of the most simplest, yet powerful supervised learning algorithms is k-nearest neighbors (knn), which works by taking a sample, finding k of its nearest neighbors using some similarity metric such as the l 2 -distance, and returning the label that is most common among its neighbors. While easy to implement, the algorithm represents a powerful nonlinear function class, allowing it to be a good first-resort when approaching many new machine learning problems. However, knn fails when tacking high-dimensional data, as the complexity of feature vectors explode which makes it more difficult to get a reliable distance metric. However, since PCA will be used to transform the data into a lowerdimensional subspace, knn will be a suitable algorithm for classifying images for face recognition. 3 Implementation The face detection and recognition system is implemented in Python and is hosted in public GitHub repository Face Detection The design of the system takes the form given in Figure 2. It is designed so that different models (other than Viola and Jones algorithm) that could be implemented in the future can be readily adapted to 1

4 FaceDetector.py which is responsible for holding the detection model. line interface. Upon executing the driver file, a designated percentage of training data is fitted into the Viola and Jones model. When training is done, the threshold for classification is decreased until desired accuracy is achieved with respect to tuning data. Then the classification accuracy is computed for test data. The outcome of executing this file is a userfriendly report of the resulting accuracy and a short description of learned Haar features as shown in Figure 3. Figure 2: Design of the face detection system. The core modules comprise of ViolaJones- Model.py and HaarFeature.py. The former code implements the boosting algorithm while the latter implements the four types of features depicted in Figure 1. Implementing the Haar features requires numerous trial and error tests on simple synthetic data because it involves manipulations of different pixel coordinates within the image. To speed up the evaluation of Haar features using integral images as described in section 2.1, OpenCV 2, which is the most widely used computer vision open source library, is used to compute the integral values. To implement Viola and Jones algorithm, multiple external sources have to be referenced for details since the original paper does not give clear instructions on how to implement some parts of the algorithm. For example, the criterion for setting the value of polarity, which dictates the direction of inequality in Haar features, could only be determined by referencing an external source. To perform face detection on the data set, a driver file called FaceDet.py is provided. It takes input parameters such as type of data set (e.g. MIT Face Data), data directory, percentage of data allocated for training/tuning/testing, number of boosting iterations, and the minimum desired accuracy for face detection (at the cost of false positives, which is explained in section 4) from the user via command- 2 Figure 3: Sample Report of Face Detection System 3.2 Face Recognition Similar to the face detection system, the face recognition system was also designed for modularity and to allow for other models to be swapped in place of PCA and knn, shown in figure 4. FaceRecognizer.py is the high-level interface for training and classifying face images, with PCAModel.py handling PCA and projecting data onto principal components, and KNNClassifier.py handling the implementation of the knn algorithm. A command-line interface is also provided in FaceRec.py, which allows users to specify options to facilitate experimentation such as which data set to use, whether or not to use a kernel, the range of parameters to tune over, and how to partition the data into training, tuning, and testing sets. This program will also generate a report detailing the results of tuning and testing, making it relatively easy for a user to experiment with the system and explore its results.

5 of features by giving more variability in width and height of those features which leads to an increase in accuracy for detecting faces. Features Face (%) Non-Face (%) Time (s) Figure 4: Design of the face recognition system. 4 Results 4.1 Face Detection The face detection system uses data set acquired from MIT s Center for Biological and Computation Learning 3 (originally by Heisele et al. (2000) and further processed by Alvira and Rifkin (2001)). The data set has 2,901 cropped face images and 28,121 non-face images that have some characteristics of a face (e.g. a darker area in one region of the image similar to an eye area) Weak Learners The Viola and Jones algorithm suffers from significant amount of training time and training time is most affected by the number of Haar features (i.e. weak learners) we introduce, since at each stage of the iteration, all these features have to be evaluated to find the best one. So the experiments are performed based on a small number of features only. For each number of features, separate accuracies for classifying faces and non-faces are given in Table 1. In the first run, only feature types A, B, and D (refer to Figure 1) are introduced. Then in the second run, we introduce type C. Notice how in this run, although there is a slight decrease in accuracy for detecting faces, there is a dramatic increase in detecting non-faces (i.e. reduction in false positives). This is because the new feature, type C, is chosen as a good feature for differentiating faces from non-faces as it captures the intensity gradient around the nose area. In the final run, we simply increase the number 3 software-datasets/facedata1readme.html Table 1: Accuracies for classifying faces and non-faces for each number of Haar features. Training time increases with number of features but in a linear manner. As shown in Figure 3, for each run we obtain a list of learned Haar features with information on their type, position, width, and height. Based on this information, we can visualize the learned features as shown in Figure 5. Figure 5: From left to right: original face image, image with type C feature that captures nose area, image with type A feature that captures eye area Iterations The result of accuracies depending on the number of boosting iterations is given in Table 2. As evident from the results, blindly increasing the number of iterations does not necessarily yield a dramatically better accuracy. It is as if the performance is saturated at some point. Although we have perfectly labelled data for this project, increasing the number of iterations for cases where the data contains a lot of noise will actually decrease the performance significantly. The fact that the number of iterations is not directly proportional to accuracy is related to overfitting. At each successive iteration, the boosting algorithm will try harder and harder to fit misclassified training data (e.g. certain orientation of face). This eventually leads to a poor generalization to unseen images.

6 Iterations Face (%) Non-Face (%) Although OpenCV s built-in face detector cannot be applied to the MIT s face data that we are using due to incompatible image size (i.e. the images are too small), we still present the result of testing it on a real-world sample image as shown in Figure 6. Notice that even heavily trained open source detector cannot detect all of the faces. Those with sunglasses or those staring somewhere else at an angle seem particularly hard. In fact, a major limitation of the Viola and Jones algorithm is that it can only detect frontal faces. Table 2: Accuracies for classifying faces and non-faces for each number of iterations Data Partition Tuning for Viola and Jones algorithm is performed by adjusting the binary classification threshold. It is reduced until the desired accuracy on face data is achieved. Theoretically, this can yield 100% accuracy on face data but this comes at a cost of increase in false positives (i.e. non-face image classified as face image). Hence it is important to obtain a robust classifier in the first place using training data and tune the threshold by a minute amount. One way to do so is to find a good partition scheme of data. The effect of partition scheme (e.g. 70% for training, 20% for tuning, and 10% for testing) on accuracies is summarized in Table 3. With a mix of as the benchmark, you may notice that adding a portion of tuning data to training data slightly decreases performance since it is likely that the model is over-fitting the training data and thus performing poorly on training data. On the other hand, if we add a portion of training data to the test data, the model under-fits the training data and does poorly on test data, especially for non-face images. Partition Face (%) Non-Face (%) Figure 6: Result of applying OpenCV s Viola-Jones face detector on Hopkins commencement image. 4.2 Face Recognition Data and Methodology To evaluate face recognition with PCA and knn, two data sets from the Yale Face Database were used. The first data set used, which we ll refer to unofficially as Yale Faces A, consists of 15 subjects with different expressions and lighting conditions for a total of 165 images total (Belhumeur, 1997). The second data set, Yale Faces B+, is much larger, consisting of 39 subjects under various poses and lighting conditions for a total of 16,128 images (Georghiades, 2001). Example images from Yale Faces B+ can be seen in figure 7 Table 3: Accuracies for classifying faces and non-faces for each partition scheme (training-tuning-testing in %) Use of Open Source Figure 7: Example images from the Yale Faces B+ data set. Data was partitioned randomly into training, tuning, and testing sets such that they represented 70, 10, and 20% of the data respectively, and partitioning was done such that each set had an equal distribution of subjects. Five trials were run for each

7 data set with linear PCA and kernel PCA with a radial basis function (RBF), although kernel PCA was only run on Yale Faces A as computing the kernel became intractable for the much larger Yale Faces B+ to tune and evaluate in a reasonable amount of time. In each trial parameters were tuned for the number of neighbors for knn, the number of principal components to keep from PCA, and the variance for the RBF kernel. The results of these experiments can be seen in table 4. Generally, tuning resulted in k = 1 for nearest neighbors classification and all dimensions kept for PCA, although the variance for RBF kernel varied among trials for kernel PCA. Method A (%) B+ (%) Linear PCA Kernel PCA images with lighting conditions drastically different from the rest of the images, an example of which is shown in figure 8. In these images with drastic lighting, while the subject s faces are desirably lit in a different way from all of the others to challenge a recognition system, the background is also textured and shows the subject s shadow cast along the wall. In all other images, the background is whitened out, leaving just the subject. This merits criticism of the data set, as PCA would have projected these images into a much different subspace than the other images due to the new information present in the background, and is thus an unfair example to include in the data set (and may have been a motivator for the updated B+ set). Table 4: Average accuracy on Yale Faces data sets for PCA with a knn classifier using random partitioning Discussion The results obtained by this experiment meet expectations, in line with other baseline results for this method (Turk, 1991). For linear PCA, Yale Faces B+ fared worse than A, although this can be attributed to the fact that there were many more classes in this data set and the set is more challenging in terms of lighting and background scenes. Kernel PCA did not seem to have any benefit, and in fact fared worse than linear PCA on Yale Faces A while taking much more time to run. This reudction in accuracy may be attributed to the fact that finding an effective variance for the RBF kernel was difficult to do efficiently for each trial, requiring scanning over a range of 1,000 to 10,000 to find an optimal value. Because of this, a large step had to be taken and the true optimum value may have been skipped over in doing so, providing a worse result. However, because there were no obvious benefits and the algorithm took much more time to run (also being unable to run on Yale Faces B+), there seems to be little benefit to exploring this method further. When performing the experiments, certain situations in the random partitioning for Yale Faces A resulted in accuracies as low as 30%. In these situations, it was found that the test set was given Figure 8: Two example images from Yale Faces A showing drastically different lighting conditions. However, this brings attention to an important point about PCA that has so far been ignored in this paper. Because PCA is not resistant to affine transformations, an optimal application of PCA for face or object recognition requires that the object be cropped and in the center of the image. This fact has largely been ignored in the implementation so far, and future work could include determining the location and scale of a person s face in an image, and then cropping it out such that the face recognizer performs only on the subject s face, free of any distracting information present in the background. An ideal goal for this project was to be able to combine face detection with recognition to be able to do so, but because our face detection implementation only performs binary classification, that functionality was unable to be integrated into our final implementation. 5 Conclusion This paper demonstrates successful implementations of a face detection and recognition system using Viola-Jones algorithm and Eigenfaces for detec-

8 tion and recognition, respectively. Now that both components have been built and evaluated, further work can begin that moves towards integrating the components together to improve performance for each and allow it to be integrated into a larger application. 6 Appendix: Comparison to Proposal In our original proposal, we proposed the following objectives: Binary classifcation for face detection with Viola-Jones algorithm. Multiclass classification for face recognition with PCA and k-nn. Performance analysis based on hyperparameter tuning with reported accuracies. As an additional would like to achieve objective, we also proposed to compare our results with other open source algorithms such as OpenCV. Overall, all of our main proposed objectives were met. We were able to implement and measure the performance of both algorithms and found each to be successful. We also went a step beyond our proposal, exploring kernel methods with PCA to see how accuracies would change in the face recognizer. The only part of our project that we would have liked to achieve more of is the comparison with open source algorithms, but we were unable to do so because it was discovered that the data and methodologies we used for face detection was incompatible with OpenCV, the standard computer vision library that we would have liked to compare against. However, we did test OpenCV on other real-world sample images and one of the result is provided in section Since this performance comparison was originally proposed as an extraneous objective and we were able to meet all other objectives that we proposed, we consider this project an overall success. E. Osuna, R. Freund, and F. Girosi Training support vector machines: an application to face detection, Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. L. Wolf Deepface: Closing the gap to humanlevel performance in face verification, Computer Vision and Pattern Recognition (CVPR). B. Heisele, T. Poggio, and M. Pontil Face Detection in Still Gray Images, CBCL Paper#187/AI Memo #1687. M. Alvira and R. Rifkin An Empirical Comparison of SNoW and SVMs for Face Detection, Technical Report A. I. Memo No , C.B.C.L. Memo No M. Turk and A. Pentland Face Recognition Using Eigenfaces, Proc. IEEE Conference on Computer Vision and Pattern Recognition, pp P. Belhumeur, J. Hespanha, D. Kriegman Eigenfaces vs. Fisherfaces: Recognition Using Class Specific Linear Projection, IEEE Transactions on Pattern Analysis and Machine Intelligence, pp A.S. Georghiades and P.N Belhumeur, P.N. and D.J. Kriegman From Few to Many: Illumination Cone Models for Face Recognition under Variable Lighting and Pose, IEEE Trans. Pattern Anal. Mach. Intelligence, pp References P. Viola and M. J. Jones Robust real-time face detection, International Journal of Computer Vision 57.

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

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

Mobile Face Recognization

Mobile Face Recognization Mobile Face Recognization CS4670 Final Project Cooper Bills and Jason Yosinski {csb88,jy495}@cornell.edu December 12, 2010 Abstract We created a mobile based system for detecting faces within a picture

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

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 Detection using Hierarchical SVM

Face Detection using Hierarchical SVM Face Detection using Hierarchical SVM ECE 795 Pattern Recognition Christos Kyrkou Fall Semester 2010 1. Introduction Face detection in video is the process of detecting and classifying small images extracted

More information

A Study on Similarity Computations in Template Matching Technique for Identity Verification

A Study on Similarity Computations in Template Matching Technique for Identity Verification A Study on Similarity Computations in Template Matching Technique for Identity Verification Lam, S. K., Yeong, C. Y., Yew, C. T., Chai, W. S., Suandi, S. A. Intelligent Biometric Group, School of Electrical

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

Face Recognition using Eigenfaces SMAI Course Project

Face Recognition using Eigenfaces SMAI Course Project Face Recognition using Eigenfaces SMAI Course Project Satarupa Guha IIIT Hyderabad 201307566 satarupa.guha@research.iiit.ac.in Ayushi Dalmia IIIT Hyderabad 201307565 ayushi.dalmia@research.iiit.ac.in Abstract

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/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

Skin and Face Detection

Skin and Face Detection Skin and Face Detection 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. Review of the basic AdaBoost

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

Face Recognition for Mobile Devices

Face Recognition for Mobile Devices Face Recognition for Mobile Devices Aditya Pabbaraju (adisrinu@umich.edu), Srujankumar Puchakayala (psrujan@umich.edu) INTRODUCTION Face recognition is an application used for identifying a person from

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

A Hierarchical Face Identification System Based on Facial Components

A Hierarchical Face Identification System Based on Facial Components A Hierarchical Face Identification System Based on Facial Components Mehrtash T. Harandi, Majid Nili Ahmadabadi, and Babak N. Araabi Control and Intelligent Processing Center of Excellence Department of

More information

Classifier Case Study: Viola-Jones Face Detector

Classifier Case Study: Viola-Jones Face Detector Classifier Case Study: Viola-Jones Face Detector P. Viola and M. Jones. Rapid object detection using a boosted cascade of simple features. CVPR 2001. P. Viola and M. Jones. Robust real-time face detection.

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

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

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

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

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

Study of Viola-Jones Real Time Face Detector

Study of Viola-Jones Real Time Face Detector Study of Viola-Jones Real Time Face Detector Kaiqi Cen cenkaiqi@gmail.com Abstract Face detection has been one of the most studied topics in computer vision literature. Given an arbitrary image the goal

More information

Criminal Identification System Using Face Detection and Recognition

Criminal Identification System Using Face Detection and Recognition Criminal Identification System Using Face Detection and Recognition Piyush Kakkar 1, Mr. Vibhor Sharma 2 Information Technology Department, Maharaja Agrasen Institute of Technology, Delhi 1 Assistant Professor,

More information

Project Report for EE7700

Project Report for EE7700 Project Report for EE7700 Name: Jing Chen, Shaoming Chen Student ID: 89-507-3494, 89-295-9668 Face Tracking 1. Objective of the study Given a video, this semester project aims at implementing algorithms

More information

Janitor Bot - Detecting Light Switches Jiaqi Guo, Haizi Yu December 10, 2010

Janitor Bot - Detecting Light Switches Jiaqi Guo, Haizi Yu December 10, 2010 1. Introduction Janitor Bot - Detecting Light Switches Jiaqi Guo, Haizi Yu December 10, 2010 The demand for janitorial robots has gone up with the rising affluence and increasingly busy lifestyles of people

More information

Subject-Oriented Image Classification based on Face Detection and Recognition

Subject-Oriented Image Classification based on Face Detection and Recognition 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

Fast and Robust Classification using Asymmetric AdaBoost and a Detector Cascade

Fast and Robust Classification using Asymmetric AdaBoost and a Detector Cascade Fast and Robust Classification using Asymmetric AdaBoost and a Detector Cascade Paul Viola and Michael Jones Mistubishi Electric Research Lab Cambridge, MA viola@merl.com and mjones@merl.com Abstract This

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

Image Processing and Image Representations for Face Recognition

Image Processing and Image Representations for Face Recognition Image Processing and Image Representations for Face Recognition 1 Introduction Face recognition is an active area of research in image processing and pattern recognition. Since the general topic of face

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

A Hybrid Face Detection System using combination of Appearance-based and Feature-based methods

A Hybrid Face Detection System using combination of Appearance-based and Feature-based methods IJCSNS International Journal of Computer Science and Network Security, VOL.9 No.5, May 2009 181 A Hybrid Face Detection System using combination of Appearance-based and Feature-based methods Zahra Sadri

More information

Face Detection and Alignment. Prof. Xin Yang HUST

Face Detection and Alignment. Prof. Xin Yang HUST Face Detection and Alignment Prof. Xin Yang HUST Many slides adapted from P. Viola Face detection Face detection Basic idea: slide a window across image and evaluate a face model at every location Challenges

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

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

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

Viola Jones Simplified. By Eric Gregori

Viola Jones Simplified. By Eric Gregori Viola Jones Simplified By Eric Gregori Introduction Viola Jones refers to a paper written by Paul Viola and Michael Jones describing a method of machine vision based fast object detection. This method

More information

FACE DETECTION AND RECOGNITION OF DRAWN CHARACTERS HERMAN CHAU

FACE DETECTION AND RECOGNITION OF DRAWN CHARACTERS HERMAN CHAU FACE DETECTION AND RECOGNITION OF DRAWN CHARACTERS HERMAN CHAU 1. Introduction Face detection of human beings has garnered a lot of interest and research in recent years. There are quite a few relatively

More information

CS231A Course Project Final Report Sign Language Recognition with Unsupervised Feature Learning

CS231A Course Project Final Report Sign Language Recognition with Unsupervised Feature Learning CS231A Course Project Final Report Sign Language Recognition with Unsupervised Feature Learning Justin Chen Stanford University justinkchen@stanford.edu Abstract This paper focuses on experimenting with

More information

Short Paper Boosting Sex Identification Performance

Short Paper Boosting Sex Identification Performance International Journal of Computer Vision 71(1), 111 119, 2007 c 2006 Springer Science + Business Media, LLC. Manufactured in the United States. DOI: 10.1007/s11263-006-8910-9 Short Paper Boosting Sex Identification

More information

Applying Supervised Learning

Applying Supervised Learning Applying Supervised Learning When to Consider Supervised Learning A supervised learning algorithm takes a known set of input data (the training set) and known responses to the data (output), and trains

More information

Oriented Filters for Object Recognition: an empirical study

Oriented Filters for Object Recognition: an empirical study Oriented Filters for Object Recognition: an empirical study Jerry Jun Yokono Tomaso Poggio Center for Biological and Computational Learning, M.I.T. E5-0, 45 Carleton St., Cambridge, MA 04, USA Sony Corporation,

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

Machine Learning for Signal Processing Detecting faces (& other objects) in images

Machine Learning for Signal Processing Detecting faces (& other objects) in images Machine Learning for Signal Processing Detecting faces (& other objects) in images Class 8. 27 Sep 2016 11755/18979 1 Last Lecture: How to describe a face The typical face A typical face that captures

More information

A GENERIC FACE REPRESENTATION APPROACH FOR LOCAL APPEARANCE BASED FACE VERIFICATION

A GENERIC FACE REPRESENTATION APPROACH FOR LOCAL APPEARANCE BASED FACE VERIFICATION A GENERIC FACE REPRESENTATION APPROACH FOR LOCAL APPEARANCE BASED FACE VERIFICATION Hazim Kemal Ekenel, Rainer Stiefelhagen Interactive Systems Labs, Universität Karlsruhe (TH) 76131 Karlsruhe, Germany

More information

Boosting Sex Identification Performance

Boosting Sex Identification Performance Boosting Sex Identification Performance Shumeet Baluja, 2 Henry Rowley shumeet@google.com har@google.com Google, Inc. 2 Carnegie Mellon University, Computer Science Department Abstract This paper presents

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

Ensembles. An ensemble is a set of classifiers whose combined results give the final decision. test feature vector

Ensembles. An ensemble is a set of classifiers whose combined results give the final decision. test feature vector Ensembles An ensemble is a set of classifiers whose combined results give the final decision. test feature vector classifier 1 classifier 2 classifier 3 super classifier result 1 * *A model is the learned

More information

Face Detection on OpenCV using Raspberry Pi

Face Detection on OpenCV using Raspberry Pi Face Detection on OpenCV using Raspberry Pi Narayan V. Naik Aadhrasa Venunadan Kumara K R Department of ECE Department of ECE Department of ECE GSIT, Karwar, Karnataka GSIT, Karwar, Karnataka GSIT, Karwar,

More information

Robust Face Recognition via Sparse Representation

Robust Face Recognition via Sparse Representation Robust Face Recognition via Sparse Representation Panqu Wang Department of Electrical and Computer Engineering University of California, San Diego La Jolla, CA 92092 pawang@ucsd.edu Can Xu Department of

More information

Categorization by Learning and Combining Object Parts

Categorization by Learning and Combining Object Parts Categorization by Learning and Combining Object Parts Bernd Heisele yz Thomas Serre y Massimiliano Pontil x Thomas Vetter Λ Tomaso Poggio y y Center for Biological and Computational Learning, M.I.T., Cambridge,

More information

ViFaI: A trained video face indexing scheme

ViFaI: A trained video face indexing scheme ViFaI: A trained video face indexing scheme Harsh Nayyar hnayyar@stanford.edu Audrey Wei awei1001@stanford.edu Abstract In this work, we implement face identification of captured videos by first training

More information

An Object Detection System using Image Reconstruction with PCA

An Object Detection System using Image Reconstruction with PCA An Object Detection System using Image Reconstruction with PCA Luis Malagón-Borja and Olac Fuentes Instituto Nacional de Astrofísica Óptica y Electrónica, Puebla, 72840 Mexico jmb@ccc.inaoep.mx, fuentes@inaoep.mx

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

Face Tracking in Video

Face Tracking in Video Face Tracking in Video Hamidreza Khazaei and Pegah Tootoonchi Afshar Stanford University 350 Serra Mall Stanford, CA 94305, USA I. INTRODUCTION Object tracking is a hot area of research, and has many practical

More information

Image Processing Pipeline for Facial Expression Recognition under Variable Lighting

Image Processing Pipeline for Facial Expression Recognition under Variable Lighting Image Processing Pipeline for Facial Expression Recognition under Variable Lighting Ralph Ma, Amr Mohamed ralphma@stanford.edu, amr1@stanford.edu Abstract Much research has been done in the field of automated

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

Decorrelated Local Binary Pattern for Robust Face Recognition

Decorrelated Local Binary Pattern for Robust Face Recognition International Journal of Advanced Biotechnology and Research (IJBR) ISSN 0976-2612, Online ISSN 2278 599X, Vol-7, Special Issue-Number5-July, 2016, pp1283-1291 http://www.bipublication.com Research Article

More information

Stacked Denoising Autoencoders for Face Pose Normalization

Stacked Denoising Autoencoders for Face Pose Normalization Stacked Denoising Autoencoders for Face Pose Normalization Yoonseop Kang 1, Kang-Tae Lee 2,JihyunEun 2, Sung Eun Park 2 and Seungjin Choi 1 1 Department of Computer Science and Engineering Pohang University

More information

Ensemble Methods, Decision Trees

Ensemble Methods, Decision Trees CS 1675: Intro to Machine Learning Ensemble Methods, Decision Trees Prof. Adriana Kovashka University of Pittsburgh November 13, 2018 Plan for This Lecture Ensemble methods: introduction Boosting Algorithm

More information

Face Recognition using Rectangular Feature

Face Recognition using Rectangular Feature Face Recognition using Rectangular Feature Sanjay Pagare, Dr. W. U. Khan Computer Engineering Department Shri G.S. Institute of Technology and Science Indore Abstract- Face recognition is the broad area

More information

Face detection. Bill Freeman, MIT April 5, 2005

Face detection. Bill Freeman, MIT April 5, 2005 Face detection Bill Freeman, MIT 6.869 April 5, 2005 Today (April 5, 2005) Face detection Subspace-based Distribution-based Neural-network based Boosting based Some slides courtesy of: Baback Moghaddam,

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

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

Automatic Initialization of the TLD Object Tracker: Milestone Update

Automatic Initialization of the TLD Object Tracker: Milestone Update Automatic Initialization of the TLD Object Tracker: Milestone Update Louis Buck May 08, 2012 1 Background TLD is a long-term, real-time tracker designed to be robust to partial and complete occlusions

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

PCA and KPCA algorithms for Face Recognition A Survey

PCA and KPCA algorithms for Face Recognition A Survey PCA and KPCA algorithms for Face Recognition A Survey Surabhi M. Dhokai 1, Vaishali B.Vala 2,Vatsal H. Shah 3 1 Department of Information Technology, BVM Engineering College, surabhidhokai@gmail.com 2

More information

The Analysis of Parameters t and k of LPP on Several Famous Face Databases

The Analysis of Parameters t and k of LPP on Several Famous Face Databases The Analysis of Parameters t and k of LPP on Several Famous Face Databases Sujing Wang, Na Zhang, Mingfang Sun, and Chunguang Zhou College of Computer Science and Technology, Jilin University, Changchun

More information

Dr. Enrique Cabello Pardos July

Dr. Enrique Cabello Pardos July Dr. Enrique Cabello Pardos July 20 2011 Dr. Enrique Cabello Pardos July 20 2011 ONCE UPON A TIME, AT THE LABORATORY Research Center Contract Make it possible. (as fast as possible) Use the best equipment.

More information

FACE RECOGNITION BASED ON GENDER USING A MODIFIED METHOD OF 2D-LINEAR DISCRIMINANT ANALYSIS

FACE RECOGNITION BASED ON GENDER USING A MODIFIED METHOD OF 2D-LINEAR DISCRIMINANT ANALYSIS FACE RECOGNITION BASED ON GENDER USING A MODIFIED METHOD OF 2D-LINEAR DISCRIMINANT ANALYSIS 1 Fitri Damayanti, 2 Wahyudi Setiawan, 3 Sri Herawati, 4 Aeri Rachmad 1,2,3,4 Faculty of Engineering, University

More information

Previously. Window-based models for generic object detection 4/11/2011

Previously. Window-based models for generic object detection 4/11/2011 Previously for generic object detection Monday, April 11 UT-Austin Instance recognition Local features: detection and description Local feature matching, scalable indexing Spatial verification Intro to

More information

ii(i,j) = k i,l j efficiently computed in a single image pass using recurrences

ii(i,j) = k i,l j efficiently computed in a single image pass using recurrences 4.2 Traditional image data structures 9 INTEGRAL IMAGE is a matrix representation that holds global image information [Viola and Jones 01] valuesii(i,j)... sums of all original image pixel-values left

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

Linear Discriminant Analysis for 3D Face Recognition System

Linear Discriminant Analysis for 3D Face Recognition System Linear Discriminant Analysis for 3D Face Recognition System 3.1 Introduction Face recognition and verification have been at the top of the research agenda of the computer vision community in recent times.

More information

Facial Expression Classification with Random Filters Feature Extraction

Facial Expression Classification with Random Filters Feature Extraction Facial Expression Classification with Random Filters Feature Extraction Mengye Ren Facial Monkey mren@cs.toronto.edu Zhi Hao Luo It s Me lzh@cs.toronto.edu I. ABSTRACT In our work, we attempted to tackle

More information

Contents Machine Learning concepts 4 Learning Algorithm 4 Predictive Model (Model) 4 Model, Classification 4 Model, Regression 4 Representation

Contents Machine Learning concepts 4 Learning Algorithm 4 Predictive Model (Model) 4 Model, Classification 4 Model, Regression 4 Representation Contents Machine Learning concepts 4 Learning Algorithm 4 Predictive Model (Model) 4 Model, Classification 4 Model, Regression 4 Representation Learning 4 Supervised Learning 4 Unsupervised Learning 4

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

Facial Expression Recognition Using Non-negative Matrix Factorization

Facial Expression Recognition Using Non-negative Matrix Factorization Facial Expression Recognition Using Non-negative Matrix Factorization Symeon Nikitidis, Anastasios Tefas and Ioannis Pitas Artificial Intelligence & Information Analysis Lab Department of Informatics Aristotle,

More information

Generic Object-Face detection

Generic Object-Face detection Generic Object-Face detection Jana Kosecka Many slides adapted from P. Viola, K. Grauman, S. Lazebnik and many others Today Window-based generic object detection basic pipeline boosting classifiers face

More information

Large-Scale Face Manifold Learning

Large-Scale Face Manifold Learning Large-Scale Face Manifold Learning Sanjiv Kumar Google Research New York, NY * Joint work with A. Talwalkar, H. Rowley and M. Mohri 1 Face Manifold Learning 50 x 50 pixel faces R 2500 50 x 50 pixel random

More information

LOCAL APPEARANCE BASED FACE RECOGNITION USING DISCRETE COSINE TRANSFORM

LOCAL APPEARANCE BASED FACE RECOGNITION USING DISCRETE COSINE TRANSFORM LOCAL APPEARANCE BASED FACE RECOGNITION USING DISCRETE COSINE TRANSFORM Hazim Kemal Ekenel, Rainer Stiefelhagen Interactive Systems Labs, University of Karlsruhe Am Fasanengarten 5, 76131, Karlsruhe, Germany

More information

Object recognition (part 1)

Object recognition (part 1) Recognition Object recognition (part 1) CSE P 576 Larry Zitnick (larryz@microsoft.com) The Margaret Thatcher Illusion, by Peter Thompson Readings Szeliski Chapter 14 Recognition What do we mean by object

More information

CS229 Final Project: Predicting Expected Response Times

CS229 Final Project: Predicting Expected  Response Times CS229 Final Project: Predicting Expected Email Response Times Laura Cruz-Albrecht (lcruzalb), Kevin Khieu (kkhieu) December 15, 2017 1 Introduction Each day, countless emails are sent out, yet the time

More information

Robust PDF Table Locator

Robust PDF Table Locator Robust PDF Table Locator December 17, 2016 1 Introduction Data scientists rely on an abundance of tabular data stored in easy-to-machine-read formats like.csv files. Unfortunately, most government records

More information

COMP 551 Applied Machine Learning Lecture 16: Deep Learning

COMP 551 Applied Machine Learning Lecture 16: Deep Learning COMP 551 Applied Machine Learning Lecture 16: Deep Learning Instructor: Ryan Lowe (ryan.lowe@cs.mcgill.ca) Slides mostly by: Class web page: www.cs.mcgill.ca/~hvanho2/comp551 Unless otherwise noted, all

More information

More on Learning. Neural Nets Support Vectors Machines Unsupervised Learning (Clustering) K-Means Expectation-Maximization

More on Learning. Neural Nets Support Vectors Machines Unsupervised Learning (Clustering) K-Means Expectation-Maximization More on Learning Neural Nets Support Vectors Machines Unsupervised Learning (Clustering) K-Means Expectation-Maximization Neural Net Learning Motivated by studies of the brain. A network of artificial

More information

Recognition of Non-symmetric Faces Using Principal Component Analysis

Recognition of Non-symmetric Faces Using Principal Component Analysis Recognition of Non-symmetric Faces Using Principal Component Analysis N. Krishnan Centre for Information Technology & Engineering Manonmaniam Sundaranar University, Tirunelveli-627012, India Krishnan17563@yahoo.com

More information

A New Multi Fractal Dimension Method for Face Recognition with Fewer Features under Expression Variations

A New Multi Fractal Dimension Method for Face Recognition with Fewer Features under Expression Variations A New Multi Fractal Dimension Method for Face Recognition with Fewer Features under Expression Variations Maksud Ahamad Assistant Professor, Computer Science & Engineering Department, Ideal Institute of

More information

NIST. Support Vector Machines. Applied to Face Recognition U56 QC 100 NO A OS S. P. Jonathon Phillips. Gaithersburg, MD 20899

NIST. Support Vector Machines. Applied to Face Recognition U56 QC 100 NO A OS S. P. Jonathon Phillips. Gaithersburg, MD 20899 ^ A 1 1 1 OS 5 1. 4 0 S Support Vector Machines Applied to Face Recognition P. Jonathon Phillips U.S. DEPARTMENT OF COMMERCE Technology Administration National Institute of Standards and Technology Information

More information

Assessment of Building Classifiers for Face Detection

Assessment of Building Classifiers for Face Detection Acta Universitatis Sapientiae Electrical and Mechanical Engineering, 1 (2009) 175-186 Assessment of Building Classifiers for Face Detection Szidónia LEFKOVITS Department of Electrical Engineering, Faculty

More information

CS 229 Midterm Review

CS 229 Midterm Review CS 229 Midterm Review Course Staff Fall 2018 11/2/2018 Outline Today: SVMs Kernels Tree Ensembles EM Algorithm / Mixture Models [ Focus on building intuition, less so on solving specific problems. Ask

More information

A Real Time Facial Expression Classification System Using Local Binary Patterns

A Real Time Facial Expression Classification System Using Local Binary Patterns A Real Time Facial Expression Classification System Using Local Binary Patterns S L Happy, Anjith George, and Aurobinda Routray Department of Electrical Engineering, IIT Kharagpur, India Abstract Facial

More information

The Curse of Dimensionality

The Curse of Dimensionality The Curse of Dimensionality ACAS 2002 p1/66 Curse of Dimensionality The basic idea of the curse of dimensionality is that high dimensional data is difficult to work with for several reasons: Adding more

More information

Image enhancement for face recognition using color segmentation and Edge detection algorithm

Image enhancement for face recognition using color segmentation and Edge detection algorithm Image enhancement for face recognition using color segmentation and Edge detection algorithm 1 Dr. K Perumal and 2 N Saravana Perumal 1 Computer Centre, Madurai Kamaraj University, Madurai-625021, Tamilnadu,

More information

Face tracking. (In the context of Saya, the android secretary) Anton Podolsky and Valery Frolov

Face tracking. (In the context of Saya, the android secretary) Anton Podolsky and Valery Frolov Face tracking (In the context of Saya, the android secretary) Anton Podolsky and Valery Frolov Introduction Given the rather ambitious task of developing a robust face tracking algorithm which could be

More information

Diagonal Principal Component Analysis for Face Recognition

Diagonal Principal Component Analysis for Face Recognition Diagonal Principal Component nalysis for Face Recognition Daoqiang Zhang,2, Zhi-Hua Zhou * and Songcan Chen 2 National Laboratory for Novel Software echnology Nanjing University, Nanjing 20093, China 2

More information

Image Analysis. Window-based face detection: The Viola-Jones algorithm. iphoto decides that this is a face. It can be trained to recognize pets!

Image Analysis. Window-based face detection: The Viola-Jones algorithm. iphoto decides that this is a face. It can be trained to recognize pets! Image Analysis 2 Face detection and recognition Window-based face detection: The Viola-Jones algorithm Christophoros Nikou cnikou@cs.uoi.gr Images taken from: D. Forsyth and J. Ponce. Computer Vision:

More information

Semi-Supervised PCA-based Face Recognition Using Self-Training

Semi-Supervised PCA-based Face Recognition Using Self-Training Semi-Supervised PCA-based Face Recognition Using Self-Training Fabio Roli and Gian Luca Marcialis Dept. of Electrical and Electronic Engineering, University of Cagliari Piazza d Armi, 09123 Cagliari, Italy

More information

AN EXAMINING FACE RECOGNITION BY LOCAL DIRECTIONAL NUMBER PATTERN (Image Processing)

AN EXAMINING FACE RECOGNITION BY LOCAL DIRECTIONAL NUMBER PATTERN (Image Processing) AN EXAMINING FACE RECOGNITION BY LOCAL DIRECTIONAL NUMBER PATTERN (Image Processing) J.Nithya 1, P.Sathyasutha2 1,2 Assistant Professor,Gnanamani College of Engineering, Namakkal, Tamil Nadu, India ABSTRACT

More information

Training Algorithms for Robust Face Recognition using a Template-matching Approach

Training Algorithms for Robust Face Recognition using a Template-matching Approach Training Algorithms for Robust Face Recognition using a Template-matching Approach Xiaoyan Mu, Mehmet Artiklar, Metin Artiklar, and Mohamad H. Hassoun Department of Electrical and Computer Engineering

More information