SlideShare a Scribd company logo
Face Recognition
&
Deep Learning
sanparith.marukatat@nectec.or.th
Standard procedure
• Image capturing: camera, webcam, surveillance
• Face detection: locate faces in the image
• Face alignment: normalize size, rectify rotation
• Face matching
• 1:1 Face verification
• 1:N Face recognition
Viola-Jones Haar-like detector

(OpenCV haarcascade_frontalface_alt2.xml)
face size~35x35 to 80x80 pixels
too small
occlusion
rotation
Recognition = compare these
faces to known faces
Controlled environment
face size 218x218 pixels
Viola-Jones eye detector
Eyes distance = 81 pixels
Eyes angle = -0.7 degrees
Face size = 180x200 pixels
Eyes distance = 100 pixels
Eyes angle = 0 degrees
Face recognition and deep learning  โดย ดร. สรรพฤทธิ์ มฤคทัต NECTEC
Comparing face
• Face image
• Bitmap of size 180x200 pixels
• Grayscale (0-255)
• 36,000 values/face image
• Given 2 face images x1 and x2
• x1(x,y) - x2(x,y)
• | x1(x,y) - x2(x,y) |
• (x1(x,y) - x2(x,y))
2
• What should be used?
Basic Maths
• 1 Face image = 1 vector
• 36,000 dimensions (d)
• matrix with 1 column
• Distance
• Euclidean distance
• Norm-p distance
• Norm-1 distance
• Norm-infinity distance
Pixels importance and projection
• Not all pixels have the same importance
• Pixel with low variation -> not important
• Pixel with large variation -> could be important
Projection
When ||w||=1, wTx is the
projection of x on axis w
w
Subspace projection
• What should be the axis w?
• How many axis do we need?
Principal Component Analysis
PCA (1)
• Basic idea
• Measure of information = variance
• Variance of z1,…,zN for real numbers zt
• Given a set of face vectors x1,…,xN and axis w

Variance of w
T
x1,…,w
T
xN is
Covariance matrix
Principal Component Analysis
PCA (2)
• Best axis w is obtained by maximizing w
T
Cw
with constraint ||w||=1
• w is an eigenvector of C : Cw = a w
• Variance w
T
Cw=a is the corresponding eigenvalue of w
• PCA
• Construct Covariance matrix C
• Eigen-decompose C
• Select m largest eigenvectors
Eigenface (1)
• What is the problem with face data?
• Solution
Dot matrix
dxd matrix
NxN matrix
Eigenface (2)
• We work with vectors of projected values
x1 x2 …
x40
x Enrollment
Template
Eigenface (3)
• Vector of raw intensity: 36,000 dimensions
• Vector of Eigenface coefficients: 10 dimensions
• Large Eigenface = large variation
• Small Eigenface = noise
Related techniques
• Fisherface (LDA)
• Nullspace LDA
• Laplacianface
• Locality Sensitive Discriminant Analysis
• 2DPCA
• 2DLDA
• 2DPCA+2DLDA
Result on ORL (~10 years ago)
Techniques Accuracy #dim
Eigenface 90-95 200
Fisherface 91-97 50
NLDA 92-97 40
Laplacianface 89-95 50
LSDA 91-97 50
2DPCA 91.5
2DLDA 90.5
2DPCA+2DLDA 93.5
Limitations
• Occlusion: glasses, beard
• Lighting condition
• Facial expression
• Pose
• Make-up
Evaluation
• Accuracy: find closest template and check the ID
• Verification (access control)
• Live captured image VS. stored image
• We have distance -> Should we accept or not?
• False Accept (FA) VS. False Reject (FR)
• From a set of face images
• Compute distances between all pair
• Select threshold T that gives 0 FA and X FR
• Number of tries
distance
T
Labeled Faces in the Wild
• Large number of subjects (>5,000)
• Unconstrained conditions
• Human performance 97-99%
• Traditional methods fail
• New alignment technique: funneling
LFW results
Use outside data
to train the model
Deep Learning
Neural Network timeline
McCulloch & Pitts
Neuron model (1943)
Perceptron limitation
(1969)
Backprop algorithm
70-80’s
SVM (1992)
Deep Learning
(2006)
• Return of Neural Network
• Focus on Deep Structure
• Take advantage of today computing power
Neural Networks (1)
• Neurons are connected via synapse
• A neuron receives signals from other neurons
• When the activation reaches a threshold, it
fires a signal to other neurons
http://en.wikipedia.org/wiki/Neuron
Neural Networks (2)
• Universal Approximator
• Classical structure: MLP
• #hidden nodes, learning rate
• Backprop algorithm
• Gradient
• Direction of change that increases value of objective function
• Vector of partial derivatives wrt. each parameters
• Work on all structures, all objective functions
• Stoping criteria, local optima, gradient vanishing/exploding
Deep Learning
• 2006 Hinton et al.: layer by layer construction -> pre-training
• Stack of RBMs, Stack of Autoencoders
• Convolutional NN (CNN)
• Shared weights
• Take advantage of GPU
CNN today
• Common components
• Convolution layer, Max-pooling layer
• ReLU
• Drop-out, Sampling+flip training data
• GPU
• Tools: Caffe, TensorFlow, Theano, Torch
• Structure: LeNet, AlexNet, GoogLeNet
LeNet
LeNet
AlexNet
LeNet
AlexNet
GoogLeNet
LeNet
AlexNet
GoogLeNet
Microsoft deep residual network: 150 layers!
DeepID

(Sun et al. CVPR 2014)
• 160 dim, 60 regions,
flipped
• 19,200 dimensions!!
• Input to other model
• CelebFace
• Refine training
Learning
technique
for
deep structure
Big data
Computing

power
GPU, etc.

More Related Content

PDF
Deep learning and image analytics using Python by Dr Sanparit
PPTX
Talk@rmit 09112017
PDF
Context-aware preference modeling with factorization
PPTX
Deep Learning in Recommender Systems - RecSys Summer School 2017
PDF
Domain Transfer and Adaptation Survey
PPTX
Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...
PDF
Deep Learning for Recommender Systems RecSys2017 Tutorial
PPTX
Machine Learning Essentials Demystified part1 | Big Data Demystified
Deep learning and image analytics using Python by Dr Sanparit
Talk@rmit 09112017
Context-aware preference modeling with factorization
Deep Learning in Recommender Systems - RecSys Summer School 2017
Domain Transfer and Adaptation Survey
Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...
Deep Learning for Recommender Systems RecSys2017 Tutorial
Machine Learning Essentials Demystified part1 | Big Data Demystified

What's hot (20)

PDF
Challenging Common Assumptions in the Unsupervised Learning of Disentangled R...
PPTX
Hands-On Machine Learning with Scikit-Learn and TensorFlow - Chapter8
PPTX
Machine Learning Essentials Demystified part2 | Big Data Demystified
PPTX
Deep learning to the rescue - solving long standing problems of recommender ...
PPTX
Using Feature Grouping as a Stochastic Regularizer for High Dimensional Noisy...
ODP
Master Defense Slides (translated)
PPTX
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
PDF
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
PDF
Neural Networks made easy
PPTX
Clustering: A Scikit Learn Tutorial
PPTX
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
PDF
Boosted tree
PPTX
K-means Clustering with Scikit-Learn
PDF
Sara Hooker & Sean McPherson, Delta Analytics, at MLconf Seattle 2017
PPTX
Aaron Roth, Associate Professor, University of Pennsylvania, at MLconf NYC 2017
PDF
Introduction to Neural Network
PDF
Sergei Vassilvitskii, Research Scientist, Google at MLconf NYC - 4/15/16
PPTX
Introduction of "TrailBlazer" algorithm
PPTX
Embed, Encode, Attend, Predict – applying the 4 step NLP recipe for text clas...
PDF
Dueling Network Architectures for Deep Reinforcement Learning
Challenging Common Assumptions in the Unsupervised Learning of Disentangled R...
Hands-On Machine Learning with Scikit-Learn and TensorFlow - Chapter8
Machine Learning Essentials Demystified part2 | Big Data Demystified
Deep learning to the rescue - solving long standing problems of recommender ...
Using Feature Grouping as a Stochastic Regularizer for High Dimensional Noisy...
Master Defense Slides (translated)
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
Neural Networks made easy
Clustering: A Scikit Learn Tutorial
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
Boosted tree
K-means Clustering with Scikit-Learn
Sara Hooker & Sean McPherson, Delta Analytics, at MLconf Seattle 2017
Aaron Roth, Associate Professor, University of Pennsylvania, at MLconf NYC 2017
Introduction to Neural Network
Sergei Vassilvitskii, Research Scientist, Google at MLconf NYC - 4/15/16
Introduction of "TrailBlazer" algorithm
Embed, Encode, Attend, Predict – applying the 4 step NLP recipe for text clas...
Dueling Network Architectures for Deep Reinforcement Learning
Ad

Viewers also liked (20)

PPTX
Structure Learning of Bayesian Networks with p Nodes from n Samples when n&lt...
PPTX
Semi fragile watermarking
PPTX
Optimization in deep learning
PDF
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
PPT
портфоліо Бабич О.А.
PDF
Facebook Deep face
PPTX
Pattern Recognition and Machine Learning : Graphical Models
PPT
Muzammil Abdulrahman PPT On Gabor Wavelet Transform (GWT) Based Facial Expres...
PDF
Caffe - A deep learning framework (Ramin Fahimi)
PDF
Center loss for Face Recognition
PDF
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
PPTX
Caffe framework tutorial2
PDF
Processor, Compiler and Python Programming Language
PPTX
DIY Deep Learning with Caffe Workshop
PDF
Using Gradient Descent for Optimization and Learning
PPTX
Caffe framework tutorial
PPTX
Computer vision, machine, and deep learning
PDF
Rattani - Ph.D. Defense Slides
PDF
怖くない誤差逆伝播法 Chainerを添えて
PDF
Pattern Recognition and Machine Learning: Section 3.3
Structure Learning of Bayesian Networks with p Nodes from n Samples when n&lt...
Semi fragile watermarking
Optimization in deep learning
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
портфоліо Бабич О.А.
Facebook Deep face
Pattern Recognition and Machine Learning : Graphical Models
Muzammil Abdulrahman PPT On Gabor Wavelet Transform (GWT) Based Facial Expres...
Caffe - A deep learning framework (Ramin Fahimi)
Center loss for Face Recognition
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
Caffe framework tutorial2
Processor, Compiler and Python Programming Language
DIY Deep Learning with Caffe Workshop
Using Gradient Descent for Optimization and Learning
Caffe framework tutorial
Computer vision, machine, and deep learning
Rattani - Ph.D. Defense Slides
怖くない誤差逆伝播法 Chainerを添えて
Pattern Recognition and Machine Learning: Section 3.3
Ad

Similar to Face recognition and deep learning โดย ดร. สรรพฤทธิ์ มฤคทัต NECTEC (20)

PPT
L008.Eigenfaces And Nn Som
PPTX
Face Recognition Techniques
PPT
Automated Face Detection and Recognition
PPTX
Face Recognition
PPTX
Face Recongnition using Machine Learning
PPTX
Eigenfaces , Fisherfaces and Dimensionality_Reduction
PDF
Lecture 10 ming yang - face recognition systems
PPTX
Face Recognition using Eigen Values pptx
PPT
FaceRecognitionLiteratureReviewwwwww.ppt
PPTX
Face recogntion Using PCA Algorithm
PDF
K044065257
PPT
Face Identification for Humanoid Robot
PPT
FaceRecognition for biometry researchers
PDF
Criminal Detection System
PPTX
Detection and recognition of face using neural network
PPT
Face recognition using laplacianfaces
PPT
Eigenface For Face Recognition
PPT
Moshe Guttmann's slides on eigenface
PPTX
Face Recognition using PCA-Principal Component Analysis using MATLAB
PDF
Face Identification Project Abstract 2017
L008.Eigenfaces And Nn Som
Face Recognition Techniques
Automated Face Detection and Recognition
Face Recognition
Face Recongnition using Machine Learning
Eigenfaces , Fisherfaces and Dimensionality_Reduction
Lecture 10 ming yang - face recognition systems
Face Recognition using Eigen Values pptx
FaceRecognitionLiteratureReviewwwwww.ppt
Face recogntion Using PCA Algorithm
K044065257
Face Identification for Humanoid Robot
FaceRecognition for biometry researchers
Criminal Detection System
Detection and recognition of face using neural network
Face recognition using laplacianfaces
Eigenface For Face Recognition
Moshe Guttmann's slides on eigenface
Face Recognition using PCA-Principal Component Analysis using MATLAB
Face Identification Project Abstract 2017

More from BAINIDA (20)

PDF
ดนตรีของพระเจ้าแผ่นดิน อานนท์ ศักดิ์วรวิชญ์ สุรพงษ์ บ้านไกรทอง หอประชุมวปอ 7...
PDF
Mixed methods in social and behavioral sciences
PDF
Advanced quantitative research methods in political science and pa
PPTX
Latest thailand election2019report
PDF
Data science in medicine
PPTX
Nursing data science
PDF
Financial time series analysis with R@the 3rd NIDA BADS conference by Asst. p...
PDF
Statistics and big data for justice and fairness
PDF
Data science and big data for business and industrial application
PDF
Update trend: Free digital marketing metrics for start-up
PDF
Advent of ds and stat adjustment
PPTX
เมื่อ Data Science เข้ามา สถิติศาสตร์จะปรับตัวอย่างไร
PPTX
Data visualization. map
PPTX
Dark data by Worapol Alex Pongpech
PDF
Deepcut Thai word Segmentation @ NIDA
PPTX
Professionals and wanna be in Business Analytics and Data Science
PDF
Visualizing for impact final
PPTX
Python programming workshop
PDF
Second prize business plan @ the First NIDA business analytics and data scien...
PDF
Second prize data analysis @ the First NIDA business analytics and data scie...
ดนตรีของพระเจ้าแผ่นดิน อานนท์ ศักดิ์วรวิชญ์ สุรพงษ์ บ้านไกรทอง หอประชุมวปอ 7...
Mixed methods in social and behavioral sciences
Advanced quantitative research methods in political science and pa
Latest thailand election2019report
Data science in medicine
Nursing data science
Financial time series analysis with R@the 3rd NIDA BADS conference by Asst. p...
Statistics and big data for justice and fairness
Data science and big data for business and industrial application
Update trend: Free digital marketing metrics for start-up
Advent of ds and stat adjustment
เมื่อ Data Science เข้ามา สถิติศาสตร์จะปรับตัวอย่างไร
Data visualization. map
Dark data by Worapol Alex Pongpech
Deepcut Thai word Segmentation @ NIDA
Professionals and wanna be in Business Analytics and Data Science
Visualizing for impact final
Python programming workshop
Second prize business plan @ the First NIDA business analytics and data scien...
Second prize data analysis @ the First NIDA business analytics and data scie...

Recently uploaded (20)

PDF
102 student loan defaulters named and shamed – Is someone you know on the list?
PDF
O7-L3 Supply Chain Operations - ICLT Program
PPTX
Cell Types and Its function , kingdom of life
PDF
STATICS OF THE RIGID BODIES Hibbelers.pdf
PPTX
1st Inaugural Professorial Lecture held on 19th February 2020 (Governance and...
PDF
Pre independence Education in Inndia.pdf
PDF
Supply Chain Operations Speaking Notes -ICLT Program
PPTX
Institutional Correction lecture only . . .
PDF
O5-L3 Freight Transport Ops (International) V1.pdf
PPTX
IMMUNITY IMMUNITY refers to protection against infection, and the immune syst...
PPTX
Renaissance Architecture: A Journey from Faith to Humanism
PDF
grade 11-chemistry_fetena_net_5883.pdf teacher guide for all student
PDF
Insiders guide to clinical Medicine.pdf
PDF
FourierSeries-QuestionsWithAnswers(Part-A).pdf
PDF
Computing-Curriculum for Schools in Ghana
PPTX
Introduction_to_Human_Anatomy_and_Physiology_for_B.Pharm.pptx
PDF
2.FourierTransform-ShortQuestionswithAnswers.pdf
PDF
RMMM.pdf make it easy to upload and study
PDF
Basic Mud Logging Guide for educational purpose
PPTX
Pharmacology of Heart Failure /Pharmacotherapy of CHF
102 student loan defaulters named and shamed – Is someone you know on the list?
O7-L3 Supply Chain Operations - ICLT Program
Cell Types and Its function , kingdom of life
STATICS OF THE RIGID BODIES Hibbelers.pdf
1st Inaugural Professorial Lecture held on 19th February 2020 (Governance and...
Pre independence Education in Inndia.pdf
Supply Chain Operations Speaking Notes -ICLT Program
Institutional Correction lecture only . . .
O5-L3 Freight Transport Ops (International) V1.pdf
IMMUNITY IMMUNITY refers to protection against infection, and the immune syst...
Renaissance Architecture: A Journey from Faith to Humanism
grade 11-chemistry_fetena_net_5883.pdf teacher guide for all student
Insiders guide to clinical Medicine.pdf
FourierSeries-QuestionsWithAnswers(Part-A).pdf
Computing-Curriculum for Schools in Ghana
Introduction_to_Human_Anatomy_and_Physiology_for_B.Pharm.pptx
2.FourierTransform-ShortQuestionswithAnswers.pdf
RMMM.pdf make it easy to upload and study
Basic Mud Logging Guide for educational purpose
Pharmacology of Heart Failure /Pharmacotherapy of CHF

Face recognition and deep learning โดย ดร. สรรพฤทธิ์ มฤคทัต NECTEC

  • 2. Standard procedure • Image capturing: camera, webcam, surveillance • Face detection: locate faces in the image • Face alignment: normalize size, rectify rotation • Face matching • 1:1 Face verification • 1:N Face recognition
  • 3. Viola-Jones Haar-like detector
 (OpenCV haarcascade_frontalface_alt2.xml) face size~35x35 to 80x80 pixels too small occlusion rotation Recognition = compare these faces to known faces
  • 4. Controlled environment face size 218x218 pixels Viola-Jones eye detector Eyes distance = 81 pixels Eyes angle = -0.7 degrees Face size = 180x200 pixels Eyes distance = 100 pixels Eyes angle = 0 degrees
  • 6. Comparing face • Face image • Bitmap of size 180x200 pixels • Grayscale (0-255) • 36,000 values/face image • Given 2 face images x1 and x2 • x1(x,y) - x2(x,y) • | x1(x,y) - x2(x,y) | • (x1(x,y) - x2(x,y)) 2 • What should be used?
  • 7. Basic Maths • 1 Face image = 1 vector • 36,000 dimensions (d) • matrix with 1 column • Distance • Euclidean distance • Norm-p distance • Norm-1 distance • Norm-infinity distance
  • 8. Pixels importance and projection • Not all pixels have the same importance • Pixel with low variation -> not important • Pixel with large variation -> could be important Projection When ||w||=1, wTx is the projection of x on axis w w
  • 9. Subspace projection • What should be the axis w? • How many axis do we need?
  • 10. Principal Component Analysis PCA (1) • Basic idea • Measure of information = variance • Variance of z1,…,zN for real numbers zt • Given a set of face vectors x1,…,xN and axis w
 Variance of w T x1,…,w T xN is Covariance matrix
  • 11. Principal Component Analysis PCA (2) • Best axis w is obtained by maximizing w T Cw with constraint ||w||=1 • w is an eigenvector of C : Cw = a w • Variance w T Cw=a is the corresponding eigenvalue of w • PCA • Construct Covariance matrix C • Eigen-decompose C • Select m largest eigenvectors
  • 12. Eigenface (1) • What is the problem with face data? • Solution Dot matrix dxd matrix NxN matrix
  • 13. Eigenface (2) • We work with vectors of projected values x1 x2 … x40 x Enrollment Template
  • 14. Eigenface (3) • Vector of raw intensity: 36,000 dimensions • Vector of Eigenface coefficients: 10 dimensions • Large Eigenface = large variation • Small Eigenface = noise
  • 15. Related techniques • Fisherface (LDA) • Nullspace LDA • Laplacianface • Locality Sensitive Discriminant Analysis • 2DPCA • 2DLDA • 2DPCA+2DLDA
  • 16. Result on ORL (~10 years ago) Techniques Accuracy #dim Eigenface 90-95 200 Fisherface 91-97 50 NLDA 92-97 40 Laplacianface 89-95 50 LSDA 91-97 50 2DPCA 91.5 2DLDA 90.5 2DPCA+2DLDA 93.5
  • 17. Limitations • Occlusion: glasses, beard • Lighting condition • Facial expression • Pose • Make-up
  • 18. Evaluation • Accuracy: find closest template and check the ID • Verification (access control) • Live captured image VS. stored image • We have distance -> Should we accept or not? • False Accept (FA) VS. False Reject (FR) • From a set of face images • Compute distances between all pair • Select threshold T that gives 0 FA and X FR • Number of tries distance T
  • 19. Labeled Faces in the Wild • Large number of subjects (>5,000) • Unconstrained conditions • Human performance 97-99% • Traditional methods fail • New alignment technique: funneling
  • 20. LFW results Use outside data to train the model
  • 22. Neural Network timeline McCulloch & Pitts Neuron model (1943) Perceptron limitation (1969) Backprop algorithm 70-80’s SVM (1992) Deep Learning (2006)
  • 23. • Return of Neural Network • Focus on Deep Structure • Take advantage of today computing power
  • 24. Neural Networks (1) • Neurons are connected via synapse • A neuron receives signals from other neurons • When the activation reaches a threshold, it fires a signal to other neurons http://en.wikipedia.org/wiki/Neuron
  • 25. Neural Networks (2) • Universal Approximator • Classical structure: MLP • #hidden nodes, learning rate • Backprop algorithm • Gradient • Direction of change that increases value of objective function • Vector of partial derivatives wrt. each parameters • Work on all structures, all objective functions • Stoping criteria, local optima, gradient vanishing/exploding
  • 26. Deep Learning • 2006 Hinton et al.: layer by layer construction -> pre-training • Stack of RBMs, Stack of Autoencoders • Convolutional NN (CNN) • Shared weights • Take advantage of GPU
  • 27. CNN today • Common components • Convolution layer, Max-pooling layer • ReLU • Drop-out, Sampling+flip training data • GPU • Tools: Caffe, TensorFlow, Theano, Torch • Structure: LeNet, AlexNet, GoogLeNet
  • 28. LeNet
  • 32. DeepID
 (Sun et al. CVPR 2014) • 160 dim, 60 regions, flipped • 19,200 dimensions!! • Input to other model • CelebFace • Refine training