Visual Object Recognition through One-Class Learning

Size: px
Start display at page:

Download "Visual Object Recognition through One-Class Learning"

Transcription

1 Visual Object Recognition through One-Class Learning QingHua Wang 1, Luís Seabra Lopes 1, and David M. J. Tax 2 1 IEETA/Department of Electronics & Telecommunication, University of Aveiro, Campus Santiago, , Aveiro, Portugal qhwang@ieeta.pt, lsl@det.ua.pt 2 Faculty of Information Technology and Systems Delft University of Technology P.O. Box 531, 26GA,Delft, The Netherlands d.m.j.tax@ewi.tudelft.nl Abstract. In this paper, several one-class classification methods are investigated in pixel space and PCA (Principal component Analysis) subspace having in mind the need of finding suitable learning and classification methods to support natural language grounding in the context of Human-Robot Interaction. Face and non-face classification is used as an example to demonstrate effectiveness of these one-class classifiers. The idea is to train target class models with only target (face) patterns, but still keeping good discrimination over outlier (never seen non-target) patterns. Some discussion is given and promising results are reported. 1 Introduction Let s consider the task of teaching a robot to recognize an object, say, apple, through its camera, in the context of Human-Robot Interaction (HRI). How can the teaching be conducted? To apply state-of-the-art statistical approaches, e.g., Hidden Markov models [6, 22], Bayesian networks [11], naïve Bayes classifier [14], PCA [18], and other methods described in [2], basically it s necessary to find quite a lot of apples, and to find enough non-apples, which is itself an ambiguous concept, to estimate the class distributions precisely. One might wonder whether these requirements are realistic in the context of HRI. The fact that learning is supervised and the teaching is interactive typically leads to the availability of only a small number of samples. This makes the conventional methods mentioned above not applicable as they require to prepare both target and non-target patterns. Thus, it might be useful to construct classifiers based on only target class patterns but still having good discrimination for never seen non-target patterns. Following this idea, a method based on the combination of the wavelet domain Hidden Markov Trees (HMTs) and Kullback-Leibler distance (KLD) was proposed in [19]. In that method, only target (face) samples were used to train an object model in

2 terms of parameters of HMTs. Then for each unknown pattern, its KLD to this model is computed. If its KLD is smaller than a certain threshold, obtained from training session, it is recognized as a target pattern; otherwise, it is rejected. One problem of this HMT/KLD based approach is that it can t derive robust class models if there are big in-class variations among the training patterns. One cause is that simply the average of individual HMTs is used to attain the overall class model. In that way, if individual HMTs vary greatly from each other, the average method loses precision of HMT parameter estimation. In this paper, several one-class classification methods, previously described in [17], are investigated to solve this problem. The rest of this paper is organized as follows. The brief review of one-class classification is provided in section 2. In section 3, the experimental setup and results are presented. Conclusion is given in section 4 with some discussion and future work. 2 One-Class Classifiers The design of one-class classifiers is motivated by the fact that patterns from a same class usually cluster regularly together, while patterns from other classes scatter in feature space. One-class learning and classification was first presented in [7], but similar ideas had also appeared, including outlier detection [12], novelty detection [2], concept learning in the absence of counter-examples [5] and positive-only learning [9]. Generally, in multi-class approaches, one can precisely capture class descriptions through the availability of samples from all classes. In contrast, in one-class approaches, only samples of the target class are required. A very natural method for decision-making under this condition is to use some distance-based criterion. If the measurement of an unknown pattern x is smaller than the learned threshold, it can be accepted as the target class pattern; otherwise, it should be rejected. This can be formulated as follows. targ et, if Me asurement ( x) threshold ; Class ( x) = (1) non targ et, otherwise. It s comparable to the Bayesian decision rule. The main difference is that, here, the threshold is learned only from target class patterns, while in Bayesian decision rule it s determined by both target and non-target class patterns. If an appropriate model of the target class (and thus a proper threshold) is found, one can find that most patterns from this target class are accepted and most non-target class patterns are rejected. Surely the ideal model is one that can accept all target patterns and reject all non-target patterns. But this is usually not easy to find realistically. Common practice is to define a priori the fraction of training target patterns that should be discarded (known as reject rate), in order to obtain a compact data description and minimize false positives. In many cases 5% or 1% is used. Several methods were proposed to construct one-class classification models. A simple method is to generate artificial outlier data [13], and conventional two-class approaches are thus applicable. This method severely depends on the quality of artifi-

3 cial data and often does not work well. Some statistical methods were also proposed. One can estimate the density or distribution of the target class, e.g., using Parzen density estimator [2], Gaussian [9], multimodal density models [21] or wavelet-domain HMTs [19]. The requirement of well-sampled training data to precisely capture the density distribution makes this type of methods problematic. In [7, 17] some boundary-based methods were proposed to avoid density estimation of small or not wellsampled training data. But a well-chosen distance or threshold is needed. Tax provides a systematic description of one-class classification in [17], where the decision criteria are mostly based on the Euclidean distance. Below is a brief description of seven one-class classifiers previously described in [17] and [1]. The Support Vector Data Description (SV-DD) method, proposed in [17], basically finds a hypersphere boundary around the target class with minimal volume containing all or most of the target class patterns. It can provide excellent results when a suitable kernel is used. Currently, the Gaussian kernel is chosen. It is possible to optimize the method to reject a pre-defined fraction of the target data in order to obtain a good and compact data description of it (thus some remote target data points may be discarded). Thus for different rejection rates, the shape of the boundary changes. For classification, objects outside this sphere decision boundary are regarded as outliers (objects from other classes). The main drawback of the method is that it requires a difficult quadratic optimization. Another method, GAUSS-DD, models the target class as a simple Gaussian distribution. To avoid numerical instabilities, the density estimate is avoided, and just T 1 the Mahalanobis distance f ( x) = ( x µ ) Σ ( x µ ) is used, where mean µ and covariance matrix Σ are sample estimates. The classifier can be defined by (1). In KMEANS-DD, a class is described by k clusters, placed such that the average distance to a cluster center is minimized. The cluster centers c i are placed using the standard k-means clustering procedure [2]. The target class is then characterized by 2 f x) = min ( x c ). The classifier then is defined as in (1). ( i i The PCA-DD method, based on Principal Component Analysis, describes the target data by a linear subspace. This subspace is defined by the eigenvectors of the data covariance matrix Σ. Only k eigenvectors are used, which are stored in a d k matrix W (where d is the dimensionality of the original feature space). To check if a new object fits the target subspace, the reconstruction error is computed. The reconstruction error is the difference between the original object and the projection of that object onto the subspace (in the original data). This projection is computed by: W W T 1 x = ( W ) Wx proj (2) f ( x) x x proj 2 The reconstruction error is then given by =. The NN-DD method is a simple nearest neighbor method. Here, a new object x is evaluated by computing the distance to its nearest neighbor NN(x) in the training set. This distance is normalized by the distance between its nearest neighbor, NN(x), and the nearest neighbor of NN(x) in training set, NN(NN(x)).

4 The KNN-DD is a k-nearest neighbor method. In its most simple version, just the distance to the k-th nearest neighbor is used. Slightly advanced methods use averaged distances, which works somewhat better. This simple method is often very good in high dimensional feature spaces. The LP-DD is a linear programming method [1]. This data descriptor is specifically constructed to describe target classes which are represented in terms of distances to a set of support objects. In some cases it might be much easier to define distances between objects than informative features (for instance when shapes have to be distinguished). This classifier uses the Euclidean distance by default. The classifier has basically the following form f ( x) = wid ( x, xi ). The weights w i are optimized such that just a few weights stay non-zero, and the boundary is as tight as possible around the data. 3 Experiments and Results 3.1 Experimental Setup All the seven one-class classifiers are investigated using the dataset in [19]. This dataset contains two parts. There are 4 pictures from AT&T/ORL face database [1] and 42 non-face pictures from our previous work [15, 16]. There are some examples from each part shown in Figure 1 and 2 respectively. It should note that all patterns were resized to The reported experiments are all carried out based on the PRTOOLS [4] and DDTOOLS [17] packages, from Delft University of Technology. And face is the target class. Fig. 1. Some face patterns Fig. 2. Some non-face patterns Currently two feature schemes are used in experiments reported in this paper. First experiments are directly conducted in full pixel space (124 dimensions). Then similar experiments are repeated in PCA subspace. For all the seven methods, the reject rates for target class are set to.1. For PCA-DD, its dimension will be 1 if that

5 can t be clearly found from context. For SV-DD, σ =1128 is used. For KMEANS- DD, k is 5. For KNN-DD, k is Results and Discussion To know how the amount of training patterns affects the performance of each classifier, a fraction, from 1% to 9%, of face data (randomly selected in the whole face database each time) is used for training, and the rest of face data and all non-face data for independent testing. For a certain experiment, it is repeated ten times and average error rate is used as the final score. The first series of experiments are conducted directly in pixel space. PCA is used to reduce the dimension for another series of experiments. Results are demonstrated through Fig. 3. Over pixel space, SV-DD shows decrease of overall error rate (OA) from about 4% to 5%, and false negatives (FN) from 8% to 3%. Its false positive (FP) rates are very steadily less than 5%. No other methods show similar trend. Two methods LP-DD and GAUSS-DD don t work well over pixel space. Both of them have 1% FN and % FP in all experiments. Therefore they are not included in Figure 3.a, 3.b and 3.c. In PCA subspace (1 Principle Components), SV-DD shows similar trend on FNs as it does over pixel space, but the decreases are relatively slight. It shows a very steady performance less than 1% in overall error rate and FPs. Similarly, no other methods work well like SV-DD. This time, the LP-DD method works as with pixel space. Methods like NN-DD, KMEANS-DD and KNN-DD have very low FNs, but very high FPs, both over pixel space and PCA subspace. The relatively good performance of SV-DD in comparison to the other six methods can be contributed by its flexibility. The other methods are mainly using very strict models, such as plane-like shapes or nearest neighbor type of models. They tend to capture large areas in feature space since the reject rates for target class were set relatively low at.1, and therefore large FPs and low FNs. How the number of features used may affect these classifiers is also investigated. For the specific case of SV-DD, 1, 15, 2 and 3 PCs are used. In table 1, a decrease of error rates (OA, FP, FN) can be found when more training patterns are used. There is also a more or less similar trend when more features are used (last row in the table). But when the main variation is captured over a specific training set, more features don t always guarantee better results. It is because when more features are used, generally more training data are needed to estimate reliably the class models. Thus with a certain training set used above, more features may directly cause that the class models can t be estimated reliably, and the performance dangles a little bit (the curse-of-dimensionality [3]). This is also why SV-DD performs better in PCA subspace than it does in full pixel space.

6 Overall error rate (pixel space) faces used (n*1%) Overall error rate (1 PCs) face used (n*1%) (a) (d) False Positive (pixel space) faces used (n*1%) False Positive (1 PCs) face used (n*1%) (b) (e) False Negative (pixel space) faces used (n*1%) pcadd svdd nndd kmeans knndd False Negative (1 PCs) faces used (n*1%) pcadd svdd nndd kmeans knndd gauss (c) (f) Fig. 3. Some results: diagrams a, b, c show overall classification error, false positives and false negatives of five methods in full pixel space; diagrams d, e, f show overall classification error, false positives and false negatives of six methods in PCA subspace (1 Principal Components). The Y-axis is error rate score (%), and the X-axis is the percentage of faces used in training.

7 Table 1. Error rates of SV-DD over PCA subspcace (FN = false negatives, FP = false positives, OA = overall error rate) Data size Error 1 PCs 15 PCs 2 PCs 3 PCs Average FN % FP OA FN % FP OA FN % FP OA FN % FP OA Average (OA) Concluding Remarks In this paper, face and non-face classification is used as an example in investigating several one-class classification methods. It s preliminary work towards finding suitable learning and classification methods for natural language concept grounding in the context of Human-Robot Interaction. In the reported experiments, it s intentional to learn target class models with only target patterns, but still keeping good discrimination with respect to outlier patterns. It s found that some of such one-class classifiers, particularly SV-DD, can attain very nice performance (overall error rate, false negative and false positive all less than 1%) on our data set. All other one-class classifiers perform less well in our experiments. Some of them work well to accept target patterns. Some of them work well to reject outlier patterns. Only SV-DD performs very steadily, especially when discriminant features such as PCA subspace is used. It can be concluded that SV-DD can form a good foundation for developing a learning and classification method suitable for HRI, since not only can it obtain reasonable performance with a (relative) small amount of training patterns, but also it can achieve very nice results when more training patterns are available. From a viewpoint of lifelong learning for a robot, this potential of SV-DD can be further utilized. Obviously further study on these one-class classifiers should be conducted, for example, using other larger data set and/or feature extraction methods. More importantly, it s interesting to apply some of these methods on to Carl, a service robot prototype previously developed by our group [16]. Acknowledgement Q. H. Wang is supported by IEETA (Instituto de Engenharia Electrónica e Telemática de Aveiro), Universidade de Aveiro, Portugal, under a PhD research grant.

8 References 1. AT & T Face Database, formerly "The ORL Database of Faces", at facedatabase.html 2. Bishop, C.: Novelty detection and neural network validation. In: IEE Proc. Vision, Image and Signal Processing, 141 (1994) Bishop, C.: Neural Networks for Pattern recognition. Oxford University Press (1995) 4. Duin, R.: PRTOOLS 4.. Delft University of Technology, The Netherlands (24) 5. Japkowicz, N.: Concept-Learning in the absence of counter-examples: an autoassociationbased approach to classification. Ph D thesis, The State Univ. of New Jersy (1999) 6. Meng, L. M.: An Image-based Bayesian Framework for Face detection. In: Proc. of IEEE Intl. Conf. On Computer Vision and Pattern Recognition (2) 7. Moya, M., Koch, M. and Hostetler, L.: One-class classifier networks for target recognition applications. In: Proc. World congress on neural networks (1993) Muggleton, S. and J. Firth. CProgol4.4: a tutorial introduction. In S. Dzeroski and N. Lavrac (eds.): Relational Data Mining. Springer-Verlag (21) Parra, L., Deco, G. And Miesbach, S.: Statistical independence and novelty detection with information preserving nonlinear maps. In: Neural Compiutation 8 (1996) Pekalska, E., Tax, D. M.J. and Duin, R. P. W.: One-Class LP Classifiers for dissimilarity Representations. In: Advances in Neural Info. Processing Systems, vol. 15. MIT Press (23) Pham, T. V., Arnold, M. W. and Smeulders, W. M.: Face Detection by aggregated Bayesian network classifiers. In: Pattern Recognition Letters, 23(4) (22) Ritter, G. and Gallegos, M.: Outliers in statistical pattern recognition and an application to automatic chromosome classification. In: Pattern Recognition Letters (1997) 13. Roberts, S. and Penny, W.: Novelty, confidence and errors in connectionist systems. Technology report, Imperial College, London, TR-96-1 (1996) 14. Schneiderman, H. and Kanade, K.: A Statistical Method for 3D Object Detection Applied to Faces and Cars. In: Proc. CVPR 2 (2) Seabra Lopes, L.: Carl: from Situated Activity to Language-Level Interaction and Learning. In: Proc. IEEE Intl. Conf. on Intelligent Robotics & Systems (22) Seabra Lopes, L. and Wang, Q. H.: Towards Grounded Human-Robot Communication. In: Proc. IEEE Intl. Workshop RO-MAN (22) Tax, David M. J.: One-class classification. Ph D dissertation, Delft University of Technology, The Netherlands (21) 18. Turk, M. and Pentland, A.: Eigenfaces for recognition. In: Journal of Cognitive Neuroscience 3 (1994) Wang, Q. H. and Seabra Lopes, L.: An Object Recognition Framework Based on Hidden Markov Trees and Kullback-Leibler Distance. In: Proc. ACCV 24 (24) Yang, M. H., Kriegman, D. and Ahuja, N.: Detecting Faces in Images: A Survey. IEEE Trans. PAMI 24 (22) Yang, M. H., Kriegman, D. and Ahuja, N.: Face Detection Using Multimodal Density Models. In: Computer Vision and Image Understanding 84 (21) Zhu, Y. Schwartz, S.: Efficient Face Detection with Multiscale Sequential Classification. In: Proc. IEEE Intl. Conf. Image Processing 2 (22)

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

Feature scaling in support vector data description

Feature scaling in support vector data description Feature scaling in support vector data description P. Juszczak, D.M.J. Tax, R.P.W. Duin Pattern Recognition Group, Department of Applied Physics, Faculty of Applied Sciences, Delft University of Technology,

More information

INF 4300 Classification III Anne Solberg The agenda today:

INF 4300 Classification III Anne Solberg The agenda today: INF 4300 Classification III Anne Solberg 28.10.15 The agenda today: More on estimating classifier accuracy Curse of dimensionality and simple feature selection knn-classification K-means clustering 28.10.15

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

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

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

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

Facial Expression Recognition using Principal Component Analysis with Singular Value Decomposition

Facial Expression Recognition using Principal Component Analysis with Singular Value Decomposition ISSN: 2321-7782 (Online) Volume 1, Issue 6, November 2013 International Journal of Advance Research in Computer Science and Management Studies Research Paper Available online at: www.ijarcsms.com Facial

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

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

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

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

Short Survey on Static Hand Gesture Recognition

Short Survey on Static Hand Gesture Recognition Short Survey on Static Hand Gesture Recognition Huu-Hung Huynh University of Science and Technology The University of Danang, Vietnam Duc-Hoang Vo University of Science and Technology The University of

More information

Selecting Models from Videos for Appearance-Based Face Recognition

Selecting Models from Videos for Appearance-Based Face Recognition Selecting Models from Videos for Appearance-Based Face Recognition Abdenour Hadid and Matti Pietikäinen Machine Vision Group Infotech Oulu and Department of Electrical and Information Engineering P.O.

More information

Tensor Sparse PCA and Face Recognition: A Novel Approach

Tensor Sparse PCA and Face Recognition: A Novel Approach Tensor Sparse PCA and Face Recognition: A Novel Approach Loc Tran Laboratoire CHArt EA4004 EPHE-PSL University, France tran0398@umn.edu Linh Tran Ho Chi Minh University of Technology, Vietnam linhtran.ut@gmail.com

More information

Face Recognition for Different Facial Expressions Using Principal Component analysis

Face Recognition for Different Facial Expressions Using Principal Component analysis Face Recognition for Different Facial Expressions Using Principal Component analysis ASHISH SHRIVASTAVA *, SHEETESH SAD # # Department of Electronics & Communications, CIIT, Indore Dewas Bypass Road, Arandiya

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

Principal Component Analysis and Neural Network Based Face Recognition

Principal Component Analysis and Neural Network Based Face Recognition Principal Component Analysis and Neural Network Based Face Recognition Qing Jiang Mailbox Abstract People in computer vision and pattern recognition have been working on automatic recognition of human

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

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

K-Nearest Neighbor Classification Approach for Face and Fingerprint at Feature Level Fusion

K-Nearest Neighbor Classification Approach for Face and Fingerprint at Feature Level Fusion K-Nearest Neighbor Classification Approach for Face and Fingerprint at Feature Level Fusion Dhriti PEC University of Technology Chandigarh India Manvjeet Kaur PEC University of Technology Chandigarh India

More information

Patch-Based Image Classification Using Image Epitomes

Patch-Based Image Classification Using Image Epitomes Patch-Based Image Classification Using Image Epitomes David Andrzejewski CS 766 - Final Project December 19, 2005 Abstract Automatic image classification has many practical applications, including photo

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

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

A New Fuzzy Membership Computation Method for Fuzzy Support Vector Machines

A New Fuzzy Membership Computation Method for Fuzzy Support Vector Machines A New Fuzzy Membership Computation Method for Fuzzy Support Vector Machines Trung Le, Dat Tran, Wanli Ma and Dharmendra Sharma Faculty of Information Sciences and Engineering University of Canberra, Australia

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

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 Distance-Based Classifier Using Dissimilarity Based on Class Conditional Probability and Within-Class Variation. Kwanyong Lee 1 and Hyeyoung Park 2

A Distance-Based Classifier Using Dissimilarity Based on Class Conditional Probability and Within-Class Variation. Kwanyong Lee 1 and Hyeyoung Park 2 A Distance-Based Classifier Using Dissimilarity Based on Class Conditional Probability and Within-Class Variation Kwanyong Lee 1 and Hyeyoung Park 2 1. Department of Computer Science, Korea National Open

More information

Keyword Extraction by KNN considering Similarity among Features

Keyword Extraction by KNN considering Similarity among Features 64 Int'l Conf. on Advances in Big Data Analytics ABDA'15 Keyword Extraction by KNN considering Similarity among Features Taeho Jo Department of Computer and Information Engineering, Inha University, Incheon,

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

An Integrated Face Recognition Algorithm Based on Wavelet Subspace

An Integrated Face Recognition Algorithm Based on Wavelet Subspace , pp.20-25 http://dx.doi.org/0.4257/astl.204.48.20 An Integrated Face Recognition Algorithm Based on Wavelet Subspace Wenhui Li, Ning Ma, Zhiyan Wang College of computer science and technology, Jilin University,

More information

Combining one-class classifiers to classify missing data

Combining one-class classifiers to classify missing data Combining one-class classifiers to classify missing data Piotr Juszczak and Robert P.W. Duin Information and Communication Theory Group, Faculty of Electrical Engineering, Mathematics and Computer Science,

More information

ECG782: Multidimensional Digital Signal Processing

ECG782: Multidimensional Digital Signal Processing ECG782: Multidimensional Digital Signal Processing Object Recognition http://www.ee.unlv.edu/~b1morris/ecg782/ 2 Outline Knowledge Representation Statistical Pattern Recognition Neural Networks Boosting

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 Recognition Based on LDA and Improved Pairwise-Constrained Multiple Metric Learning Method

Face Recognition Based on LDA and Improved Pairwise-Constrained Multiple Metric Learning Method Journal of Information Hiding and Multimedia Signal Processing c 2016 ISSN 2073-4212 Ubiquitous International Volume 7, Number 5, September 2016 Face Recognition ased on LDA and Improved Pairwise-Constrained

More information

Bagging for One-Class Learning

Bagging for One-Class Learning Bagging for One-Class Learning David Kamm December 13, 2008 1 Introduction Consider the following outlier detection problem: suppose you are given an unlabeled data set and make the assumptions that one

More information

MULTIVARIATE TEXTURE DISCRIMINATION USING A PRINCIPAL GEODESIC CLASSIFIER

MULTIVARIATE TEXTURE DISCRIMINATION USING A PRINCIPAL GEODESIC CLASSIFIER MULTIVARIATE TEXTURE DISCRIMINATION USING A PRINCIPAL GEODESIC CLASSIFIER A.Shabbir 1, 2 and G.Verdoolaege 1, 3 1 Department of Applied Physics, Ghent University, B-9000 Ghent, Belgium 2 Max Planck Institute

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

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

Disguised Face Identification Based Gabor Feature and SVM Classifier

Disguised Face Identification Based Gabor Feature and SVM Classifier Disguised Face Identification Based Gabor Feature and SVM Classifier KYEKYUNG KIM, SANGSEUNG KANG, YUN KOO CHUNG and SOOYOUNG CHI Department of Intelligent Cognitive Technology Electronics and Telecommunications

More information

Stepwise Nearest Neighbor Discriminant Analysis

Stepwise Nearest Neighbor Discriminant Analysis Stepwise Nearest Neighbor Discriminant Analysis Xipeng Qiu and Lide Wu Media Computing & Web Intelligence Lab Department of Computer Science and Engineering Fudan University, Shanghai, China xpqiu,ldwu@fudan.edu.cn

More information

Facial Expression Detection Using Implemented (PCA) Algorithm

Facial Expression Detection Using Implemented (PCA) Algorithm Facial Expression Detection Using Implemented (PCA) Algorithm Dileep Gautam (M.Tech Cse) Iftm University Moradabad Up India Abstract: Facial expression plays very important role in the communication with

More information

Introduction to Pattern Recognition Part II. Selim Aksoy Bilkent University Department of Computer Engineering

Introduction to Pattern Recognition Part II. Selim Aksoy Bilkent University Department of Computer Engineering Introduction to Pattern Recognition Part II Selim Aksoy Bilkent University Department of Computer Engineering saksoy@cs.bilkent.edu.tr RETINA Pattern Recognition Tutorial, Summer 2005 Overview Statistical

More information

The Detection of Faces in Color Images: EE368 Project Report

The Detection of Faces in Color Images: EE368 Project Report The Detection of Faces in Color Images: EE368 Project Report Angela Chau, Ezinne Oji, Jeff Walters Dept. of Electrical Engineering Stanford University Stanford, CA 9435 angichau,ezinne,jwalt@stanford.edu

More information

CS 195-5: Machine Learning Problem Set 5

CS 195-5: Machine Learning Problem Set 5 CS 195-5: Machine Learning Problem Set 5 Douglas Lanman dlanman@brown.edu 26 November 26 1 Clustering and Vector Quantization Problem 1 Part 1: In this problem we will apply Vector Quantization (VQ) to

More information

Human Motion Detection and Tracking for Video Surveillance

Human Motion Detection and Tracking for Video Surveillance Human Motion Detection and Tracking for Video Surveillance Prithviraj Banerjee and Somnath Sengupta Department of Electronics and Electrical Communication Engineering Indian Institute of Technology, Kharagpur,

More information

Face recognition based on improved BP neural network

Face recognition based on improved BP neural network Face recognition based on improved BP neural network Gaili Yue, Lei Lu a, College of Electrical and Control Engineering, Xi an University of Science and Technology, Xi an 710043, China Abstract. In order

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

Some questions of consensus building using co-association

Some questions of consensus building using co-association Some questions of consensus building using co-association VITALIY TAYANOV Polish-Japanese High School of Computer Technics Aleja Legionow, 4190, Bytom POLAND vtayanov@yahoo.com Abstract: In this paper

More information

SYDE Winter 2011 Introduction to Pattern Recognition. Clustering

SYDE Winter 2011 Introduction to Pattern Recognition. Clustering SYDE 372 - Winter 2011 Introduction to Pattern Recognition Clustering Alexander Wong Department of Systems Design Engineering University of Waterloo Outline 1 2 3 4 5 All the approaches we have learned

More information

Face Identification by a Cascade of Rejection Classifiers

Face Identification by a Cascade of Rejection Classifiers Boston U. Computer Science Tech. Report No. BUCS-TR-2005-022, Jun. 2005. To appear in Proc. IEEE Workshop on Face Recognition Grand Challenge Experiments, Jun. 2005. Face Identification by a Cascade of

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

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

Manifold Learning for Video-to-Video Face Recognition

Manifold Learning for Video-to-Video Face Recognition Manifold Learning for Video-to-Video Face Recognition Abstract. We look in this work at the problem of video-based face recognition in which both training and test sets are video sequences, and propose

More information

Multidirectional 2DPCA Based Face Recognition System

Multidirectional 2DPCA Based Face Recognition System Multidirectional 2DPCA Based Face Recognition System Shilpi Soni 1, Raj Kumar Sahu 2 1 M.E. Scholar, Department of E&Tc Engg, CSIT, Durg 2 Associate Professor, Department of E&Tc Engg, CSIT, Durg Email:

More information

Static Gesture Recognition with Restricted Boltzmann Machines

Static Gesture Recognition with Restricted Boltzmann Machines Static Gesture Recognition with Restricted Boltzmann Machines Peter O Donovan Department of Computer Science, University of Toronto 6 Kings College Rd, M5S 3G4, Canada odonovan@dgp.toronto.edu Abstract

More information

Online Learning for Object Recognition with a Hierarchical Visual Cortex Model

Online Learning for Object Recognition with a Hierarchical Visual Cortex Model Online Learning for Object Recognition with a Hierarchical Visual Cortex Model Stephan Kirstein, Heiko Wersing, and Edgar Körner Honda Research Institute Europe GmbH Carl Legien Str. 30 63073 Offenbach

More information

Classification. Vladimir Curic. Centre for Image Analysis Swedish University of Agricultural Sciences Uppsala University

Classification. Vladimir Curic. Centre for Image Analysis Swedish University of Agricultural Sciences Uppsala University Classification Vladimir Curic Centre for Image Analysis Swedish University of Agricultural Sciences Uppsala University Outline An overview on classification Basics of classification How to choose appropriate

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

On Combining One-Class Classifiers for Image Database Retrieval

On Combining One-Class Classifiers for Image Database Retrieval On Combining One-Class Classifiers for Image Database Retrieval Carmen Lai 1,DavidM.J.Tax 2,RobertP.W.Duin 3,Elżbieta P ekalska 3,and Pavel Paclík 3 1 DIEE, University of Cagliari, Sardinia, Italy carmen@ph.tn.tudelft.nl

More information

A Robust and Efficient Motion Segmentation Based on Orthogonal Projection Matrix of Shape Space

A Robust and Efficient Motion Segmentation Based on Orthogonal Projection Matrix of Shape Space A Robust and Efficient Motion Segmentation Based on Orthogonal Projection Matrix of Shape Space Naoyuki ICHIMURA Electrotechnical Laboratory 1-1-4, Umezono, Tsukuba Ibaraki, 35-8568 Japan ichimura@etl.go.jp

More information

Fuzzy Bidirectional Weighted Sum for Face Recognition

Fuzzy Bidirectional Weighted Sum for Face Recognition Send Orders for Reprints to reprints@benthamscience.ae The Open Automation and Control Systems Journal, 2014, 6, 447-452 447 Fuzzy Bidirectional Weighted Sum for Face Recognition Open Access Pengli Lu

More information

The Novel Approach for 3D Face Recognition Using Simple Preprocessing Method

The Novel Approach for 3D Face Recognition Using Simple Preprocessing Method The Novel Approach for 3D Face Recognition Using Simple Preprocessing Method Parvin Aminnejad 1, Ahmad Ayatollahi 2, Siamak Aminnejad 3, Reihaneh Asghari Abstract In this work, we presented a novel approach

More information

Comparison of Different Face Recognition Algorithms

Comparison of Different Face Recognition Algorithms Comparison of Different Face Recognition Algorithms Pavan Pratap Chauhan 1, Vishal Kumar Lath 2 and Mr. Praveen Rai 3 1,2,3 Computer Science and Engineering, IIMT College of Engineering(Greater Noida),

More information

COMP 551 Applied Machine Learning Lecture 13: Unsupervised learning

COMP 551 Applied Machine Learning Lecture 13: Unsupervised learning COMP 551 Applied Machine Learning Lecture 13: Unsupervised learning Associate Instructor: Herke van Hoof (herke.vanhoof@mail.mcgill.ca) Slides mostly by: (jpineau@cs.mcgill.ca) Class web page: www.cs.mcgill.ca/~jpineau/comp551

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

Lorentzian Distance Classifier for Multiple Features

Lorentzian Distance Classifier for Multiple Features Yerzhan Kerimbekov 1 and Hasan Şakir Bilge 2 1 Department of Computer Engineering, Ahmet Yesevi University, Ankara, Turkey 2 Department of Electrical-Electronics Engineering, Gazi University, Ankara, Turkey

More information

Determination of 3-D Image Viewpoint Using Modified Nearest Feature Line Method in Its Eigenspace Domain

Determination of 3-D Image Viewpoint Using Modified Nearest Feature Line Method in Its Eigenspace Domain Determination of 3-D Image Viewpoint Using Modified Nearest Feature Line Method in Its Eigenspace Domain LINA +, BENYAMIN KUSUMOPUTRO ++ + Faculty of Information Technology Tarumanagara University Jl.

More information

Machine Learning and Pervasive Computing

Machine Learning and Pervasive Computing Stephan Sigg Georg-August-University Goettingen, Computer Networks 17.12.2014 Overview and Structure 22.10.2014 Organisation 22.10.3014 Introduction (Def.: Machine learning, Supervised/Unsupervised, Examples)

More information

Training-Free, Generic Object Detection Using Locally Adaptive Regression Kernels

Training-Free, Generic Object Detection Using Locally Adaptive Regression Kernels Training-Free, Generic Object Detection Using Locally Adaptive Regression Kernels IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIENCE, VOL.32, NO.9, SEPTEMBER 2010 Hae Jong Seo, Student Member,

More information

Image Classification Using Wavelet Coefficients in Low-pass Bands

Image Classification Using Wavelet Coefficients in Low-pass Bands Proceedings of International Joint Conference on Neural Networks, Orlando, Florida, USA, August -7, 007 Image Classification Using Wavelet Coefficients in Low-pass Bands Weibao Zou, Member, IEEE, and Yan

More information

Content-based image and video analysis. Machine learning

Content-based image and video analysis. Machine learning Content-based image and video analysis Machine learning for multimedia retrieval 04.05.2009 What is machine learning? Some problems are very hard to solve by writing a computer program by hand Almost all

More information

Technical Report. Title: Manifold learning and Random Projections for multi-view object recognition

Technical Report. Title: Manifold learning and Random Projections for multi-view object recognition Technical Report Title: Manifold learning and Random Projections for multi-view object recognition Authors: Grigorios Tsagkatakis 1 and Andreas Savakis 2 1 Center for Imaging Science, Rochester Institute

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

FUZZY FOREST LEARNING BASED ONLINE FACIAL BIOMETRIC VERIFICATION FOR PRIVACY PROTECTION

FUZZY FOREST LEARNING BASED ONLINE FACIAL BIOMETRIC VERIFICATION FOR PRIVACY PROTECTION FUZZY FOREST LEARNING BASED ONLINE FACIAL BIOMETRIC VERIFICATION FOR PRIVACY PROTECTION Supritha G M 1, Shivanand R D 2 1 P.G. Student, Dept. of Computer Science and Engineering, B.I.E.T College, Karnataka,

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

Flexible-Hybrid Sequential Floating Search in Statistical Feature Selection

Flexible-Hybrid Sequential Floating Search in Statistical Feature Selection Flexible-Hybrid Sequential Floating Search in Statistical Feature Selection Petr Somol 1,2, Jana Novovičová 1,2, and Pavel Pudil 2,1 1 Dept. of Pattern Recognition, Institute of Information Theory and

More information

FADA: An Efficient Dimension Reduction Scheme for Image Classification

FADA: An Efficient Dimension Reduction Scheme for Image Classification Best Paper Candidate in Retrieval rack, Pacific-rim Conference on Multimedia, December 11-14, 7, Hong Kong. FADA: An Efficient Dimension Reduction Scheme for Image Classification Yijuan Lu 1, Jingsheng

More information

An Autoassociator for Automatic Texture Feature Extraction

An Autoassociator for Automatic Texture Feature Extraction An Autoassociator for Automatic Texture Feature Extraction Author Kulkarni, Siddhivinayak, Verma, Brijesh Published 200 Conference Title Conference Proceedings-ICCIMA'0 DOI https://doi.org/0.09/iccima.200.9088

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

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

Hybrid Face Recognition and Classification System for Real Time Environment

Hybrid Face Recognition and Classification System for Real Time Environment Hybrid Face Recognition and Classification System for Real Time Environment Dr.Matheel E. Abdulmunem Department of Computer Science University of Technology, Baghdad, Iraq. Fatima B. Ibrahim Department

More information

Automatic Classification of Audio Data

Automatic Classification of Audio Data Automatic Classification of Audio Data Carlos H. C. Lopes, Jaime D. Valle Jr. & Alessandro L. Koerich IEEE International Conference on Systems, Man and Cybernetics The Hague, The Netherlands October 2004

More information

Computational Statistics The basics of maximum likelihood estimation, Bayesian estimation, object recognitions

Computational Statistics The basics of maximum likelihood estimation, Bayesian estimation, object recognitions Computational Statistics The basics of maximum likelihood estimation, Bayesian estimation, object recognitions Thomas Giraud Simon Chabot October 12, 2013 Contents 1 Discriminant analysis 3 1.1 Main idea................................

More information

Fully Automatic Methodology for Human Action Recognition Incorporating Dynamic Information

Fully Automatic Methodology for Human Action Recognition Incorporating Dynamic Information Fully Automatic Methodology for Human Action Recognition Incorporating Dynamic Information Ana González, Marcos Ortega Hortas, and Manuel G. Penedo University of A Coruña, VARPA group, A Coruña 15071,

More information

Classification of Face Images for Gender, Age, Facial Expression, and Identity 1

Classification of Face Images for Gender, Age, Facial Expression, and Identity 1 Proc. Int. Conf. on Artificial Neural Networks (ICANN 05), Warsaw, LNCS 3696, vol. I, pp. 569-574, Springer Verlag 2005 Classification of Face Images for Gender, Age, Facial Expression, and Identity 1

More information

IMPROVED FACE RECOGNITION USING ICP TECHNIQUES INCAMERA SURVEILLANCE SYSTEMS. Kirthiga, M.E-Communication system, PREC, Thanjavur

IMPROVED FACE RECOGNITION USING ICP TECHNIQUES INCAMERA SURVEILLANCE SYSTEMS. Kirthiga, M.E-Communication system, PREC, Thanjavur IMPROVED FACE RECOGNITION USING ICP TECHNIQUES INCAMERA SURVEILLANCE SYSTEMS Kirthiga, M.E-Communication system, PREC, Thanjavur R.Kannan,Assistant professor,prec Abstract: Face Recognition is important

More information

A System for Joining and Recognition of Broken Bangla Numerals for Indian Postal Automation

A System for Joining and Recognition of Broken Bangla Numerals for Indian Postal Automation A System for Joining and Recognition of Broken Bangla Numerals for Indian Postal Automation K. Roy, U. Pal and B. B. Chaudhuri CVPR Unit; Indian Statistical Institute, Kolkata-108; India umapada@isical.ac.in

More information

On Modeling Variations for Face Authentication

On Modeling Variations for Face Authentication On Modeling Variations for Face Authentication Xiaoming Liu Tsuhan Chen B.V.K. Vijaya Kumar Department of Electrical and Computer Engineering, Carnegie Mellon University, Pittsburgh, PA 15213 xiaoming@andrew.cmu.edu

More information

Heat Kernel Based Local Binary Pattern for Face Representation

Heat Kernel Based Local Binary Pattern for Face Representation JOURNAL OF LATEX CLASS FILES 1 Heat Kernel Based Local Binary Pattern for Face Representation Xi Li, Weiming Hu, Zhongfei Zhang, Hanzi Wang Abstract Face classification has recently become a very hot research

More information

Feature Selection Using Principal Feature Analysis

Feature Selection Using Principal Feature Analysis Feature Selection Using Principal Feature Analysis Ira Cohen Qi Tian Xiang Sean Zhou Thomas S. Huang Beckman Institute for Advanced Science and Technology University of Illinois at Urbana-Champaign Urbana,

More information

Contents. Preface to the Second Edition

Contents. Preface to the Second Edition Preface to the Second Edition v 1 Introduction 1 1.1 What Is Data Mining?....................... 4 1.2 Motivating Challenges....................... 5 1.3 The Origins of Data Mining....................

More information

Robust Pose Estimation using the SwissRanger SR-3000 Camera

Robust Pose Estimation using the SwissRanger SR-3000 Camera Robust Pose Estimation using the SwissRanger SR- Camera Sigurjón Árni Guðmundsson, Rasmus Larsen and Bjarne K. Ersbøll Technical University of Denmark, Informatics and Mathematical Modelling. Building,

More information

Enhancing Face Recognition from Video Sequences using Robust Statistics

Enhancing Face Recognition from Video Sequences using Robust Statistics Enhancing Face Recognition from Video Sequences using Robust Statistics Sid-Ahmed Berrani Christophe Garcia France Telecom R&D TECH/IRIS France Telecom R&D TECH/IRIS 4, rue du Clos Courtel BP 91226 4,

More information

Encoding Words into String Vectors for Word Categorization

Encoding Words into String Vectors for Word Categorization Int'l Conf. Artificial Intelligence ICAI'16 271 Encoding Words into String Vectors for Word Categorization Taeho Jo Department of Computer and Information Communication Engineering, Hongik University,

More information

A Survey on Feature Extraction Techniques for Palmprint Identification

A Survey on Feature Extraction Techniques for Palmprint Identification International Journal Of Computational Engineering Research (ijceronline.com) Vol. 03 Issue. 12 A Survey on Feature Extraction Techniques for Palmprint Identification Sincy John 1, Kumudha Raimond 2 1

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

Face Recognition Using SIFT- PCA Feature Extraction and SVM Classifier

Face Recognition Using SIFT- PCA Feature Extraction and SVM Classifier IOSR Journal of VLSI and Signal Processing (IOSR-JVSP) Volume 5, Issue 2, Ver. II (Mar. - Apr. 2015), PP 31-35 e-issn: 2319 4200, p-issn No. : 2319 4197 www.iosrjournals.org Face Recognition Using SIFT-

More information

Object and Action Detection from a Single Example

Object and Action Detection from a Single Example Object and Action Detection from a Single Example Peyman Milanfar* EE Department University of California, Santa Cruz *Joint work with Hae Jong Seo AFOSR Program Review, June 4-5, 29 Take a look at this:

More information

An Implementation on Histogram of Oriented Gradients for Human Detection

An Implementation on Histogram of Oriented Gradients for Human Detection An Implementation on Histogram of Oriented Gradients for Human Detection Cansın Yıldız Dept. of Computer Engineering Bilkent University Ankara,Turkey cansin@cs.bilkent.edu.tr Abstract I implemented a Histogram

More information