SlideShare a Scribd company logo
Biometric
Recognition
using Deep
Learning
SWATI NARKHEDE
SAN JOSE STATE UNIVERSITY
What are Biometrics ?
 Biometrics are physical human attributes that can be utilized to carefully recognize an individual to
grant access to frameworks, gadgets or information.
 Unlike the token-based features such as ID cards, passwords, answers to security-based questions
and keys, they cannot be forgotten and lost.
 They are almost impossible to be duplicated.
 Each one of these identifiers is viewed as one of a kind to the individual, and they might be utilized
to guarantee more noteworthy exactness of recognizable proof.
 Few examples of these biometric features are fingerprints, palmprints, facial features, ears, irises,
voice and retinas. A person can also be recognized by using the behavioral features such as
signatures, gaits, and keystroke.
Traditional process of Biometric
Recognition
 Traditional process of Biometric Recognition was mostly based on Handcrafted features.
 Traditional process of biometric recognition involves several steps such as acquiring image data
through camera or optic sensors, preprocessing, feature extraction, feed the extracted features
to the classifier for Biometric recognition.
Deep Learning for Biometric Recognition
 Deep learning-based models have successfully achieved state-of-the-art results in many of the
computer vision, speech recognition, and natural language processing tasks in the last few years.
 These models use Deep Neural Networks (DNNs) that provide end to end learning framework
which learns the feature representation at multiple levels to uncover underlying patterns of the
data.
Deep Neural Network
Overview
1. Convolutional Neural Networks (CNN)
 Convolutional Neural Networks are one of the widely used architecture in Deep Learning.
 It comprises of three layers:
 1. Convolutional layers
 2. Nonlinear layers
 3. Pooling layers
2. Recurrent Neural Networks
 RNNs are typically used for processing sequential data like
time series, speech. etc.
 In architecture of RNN, at each timestamp, model gets the
input from the current time and hidden state from previous
step and generates a hidden state as an output of current
stage.
 The hidden state from the very last time-stamp can then be
used to perform a task.
3. Long Short Term Memory (LSTM)
 LSTM is nothing but a variety of RNN, which overcomes the
gradient vanishing issue faced by RNN.
 The LSTM architecture consists of three gates, (an input
gate, output gate, forget gate) and a memory cell.
The cell remembers values over time intervals and the other
three gates regulate the information flow into and out of the
cell.
4. Auto-Encoders
 Auto-encoders are unsupervised learning algorithms that are used to learn efficient data
encoding.
 They compress the input data into a latent-space representation, and then reconstruct the
output from this representation.
 Auto-encoders are composed of two parts:
 Encoder
 Decoder
5. Generative Adversarial Networks (GAN)
 GANs are unsupervised learning algorithms that are used for generative modeling using deep
learning.
 GAN consists of two networks:
 Generator: Generator model is trained to generate new examples.
 Discriminator: Discriminator model tries to classify examples as real or fake.
6. Transfer Learning Approach
 In Transfer learning approach, a model trained on one task is resused on another task.
 There are two approaches to use Transfer Learning:
 A Pre-trained model is treated as a feature extractor, and a classifier is trained on top of it to perform
classification.
 The whole network is fine tuned on a new task.
Deep Learning Based
Works on Biometric
Recognition
1. Face Recognition
 Face recognition is one of the most popular biometric used
for authentication. There are countless number of works
performed on face recognition using deep learning and large
number of datasets were used.
 Face Datasets: Yale and Yale Face Database B, CMU Multi-
PIE, Labeled Face in The Wild (LFW):, PolyU NIR Face
Database, YouTube Faces, VGGFace2, CASIA-WebFace, MS-
Celeb, CelebA, IJB-C, MegaFace.
Deep Learning Works on Face Recognition
 DeepFace is one of the earliest Deep Learning work performed on face recognition and it
achieved state-of-the-art accuracy.
 Several sequences of DeepID feature were proposed for face recognition in which the features
were taken from the last hidden layer of CNN.
 VGGNet and GoogleNet were also used as architecture.
 Further VGGface model was proposed in which VGGNet was trained on the large public dataset
and fine tuned the networks via triple loss function which obtained high accuracy of 98.95%.
2. Fingerprint Recognition
 Fingerprint is also one of the most used physiological biometric
feature.
 It consists of ridges and valleys, which form unique patterns.
 Important features exist in a fingerprint include ridge endings,
bifurcations, islands, bridges, crossovers, and dots which are used
to uniquely identify a person.
 Fingerprint Datasets: FVC Fingerprint Database, PolyU High-
resolution Fingerprint Database, CASIA Fingerprint Dataset, NIST
Fingerprint Dataset.
. :
Deep Learning Works on Fingerprint
Recognition
 A fingerprint minutiae extraction algorithm was proposed based on deep learning models,
called as MENet, and achieved promising results on fingerprint images from FVC datasets.
 Another work proposed a model multi-view deep representation for contact-less and partial 3D
fingerprint recognition was proposed that includes a fully convolutional network for fingerprint
segmentation and three Siamese networks to learn multi-view 3D fingerprint feature
representation.
 This model achieved high accuracy on various datasets. Further a fingerprint texture learning
model was proposed using a deep learning framework. It was evaluated on several benchmarks,
and achieved verification accuracies of 100, 98.65, 100 and 98% on the four databases of
PolyU2D, IITD, CASIA-BLU and CASIA-WHT, respectively.
3. Iris Recognition
 Iris contain a rich set of features such as rings, corona,
ciliary processes, freckles, and the striated trabecular
meshwork of chromatophore and fibroblast cells that
are embedded in their texture and patterns which do
not change over time.
 Iris Datasets: CASIA-Iris-1000 Database, UBIRIS
Dataset, IIT Delhi Iris Dataset, ND Datasets, MICHE
Dataset
Deep Learning Works on Iris Recognition
 In one of the first work performed in the IRIS recognition, features were extracted from a pre-
trained CNN model that was trained on ImageNet.
 The features were derived from different layers of VGGNet, and trained a multi-class SVM on
top of it, and showed that the trained model can achieve state-of-the-art accuracy on two iris
recognition benchmarks, CASIA-1000 and IIT Delhi databases.
 In another work, an iris recognition system was developed based on deep features extracted
from AlexNet, followed by a multi-class classification, and achieved high accuracy rates on
CASIA-Iris-V1, CASIA-Iris-1000 and, CASIA-Iris-V3 Interval databases.
4. Palmprint Recognition
 Palmprint is a biometric which is also seem to be used
widely.
 Each part of a palmprint has different features, including
texture, ridges, lines and creases.
 Palmprint features also consist of geometry-based features,
delta points, principal lines, and wrinkles.
 Palmprint Datasets : PolyU Multispectral Palmprint Dataset,
CASIA Palmprint Database, IIT Delhi Touchless Palmprint
Database
Deep Learning Works on Palmprint
Recognition
 In the very first work performed on palm recognition, a deep belief net was built by top-to-
down unsupervised training, tuned the model parameters toward a robust accuracy on the
validation set.
 In another work, a palmprint recognition algorithm using Siamese network was proposed. Two
VGG-16 networks were used to extract features for two input palmprint images, and another
network was used on top of them to directly obtain the similarity of two input palmprints
according to their convolutional features. This method achieved an Equal Error Rate (EER) of
0.2819% on on PolyU dataset.
5. Ear Recognition
 Each person has a unique shape of ears ; hence they
can be used to identify a person from an image.
 Ear Datasets: IIT Ear Database, AWE Ear Dataset, Multi-
PIE Ear Dataset, USTB Ear Database,UERC Ear Dataset,
AMI Ear Dataset, CP Ear Dataset, WPUT Ear Dataset
Deep Learning Works on Ear Recognition
 As Ear recognition is not as popular as face, iris, and fingerprint recognition, datasets available
for ear recognition are limited in size. To overcome this issue, in the first work few-shot learning
methods were used where the network use the limited training and quickly learn to recognize
the images.
 In another work, a model using transfer learning with deep networks for unconstrained ear
recognition was proposed.
 Further a model was proposed that used a fusion of CNNs and handcrafted features for ear
recognition which outperformed other state-of-the-art CNN-based works, reaching to the
conclusion that handcrafted features can complement deep learning methods.
6. Voice Recognition
 Voice recognition is also known as speaker recognition.
 Voice recognition includes both behavioral and
physiological features, such as accent and pitch
respectively.
 Voice Datasets: NIST SRE, SITW, VoxCeleb, Switchboard
dataset, Librispeech dataset, TIMIT dataset
Deep Learning Works on Voice Recognition
 Before the era of deep learning, most of the voice recognition systems were built using i-vectors
approach.
 In the first approach using deep learning, the DNN-based model was incorporated into the i-
vector framework. A DNN acoustic model trained for Automatic Speech Recognition (ASR) was
used to gather speaker statistics for i-vector model training. This method reduced 30% equal
error rate.
 Further, a complementary optimizing goal called intra-class loss was proposed to improve
speaker embeddings learned with triplet loss. The model trained using intra class loss yeild 30%
reduction in error rare as compared to triple loss. This model was evaluated on VoxCeleb and
VoxForge datasets.
7. Signature Recognition
 Signature is considered a behavioral biometric. This is
the most common method to check the user’s identity
for the purpose of security in both traditional as well as
digital format.
 The features of the written signature are as the
thickness of a stroke and the speed of the pen during
the signing.
 Signature Datasets: ICDAR 2009 SVC, SVC 2004, Offline
GPDS-960 Corpus
Deep Learning Works on Signature
Recognition
 In one of the early works performed in Deep Learning for signature recognition, a Restricted
Boltzmann Machine (RBM) was used to both identify a signature’s owner and distinguish an
authentic signature from a fake.
 In some other works, embedding based WI offline signature verification model was proposed in
which the input signatures were embedded in a high-dimensional space using a specific training
pattern, and the Euclidean distance between the input and the embedded signatures was used
to determine the outcome.
 Later, in recent works various models using GAN network, recurrent neural networks (RNNs),
long short term memory (LSTM) and gated recurrent units (GRUs) are proposed for signature
recognition.
8. Gait Recognition
 Gait recognition attracts a lot of researchers from
different communities such as computer vision, machine
learning, biomedical, forensic studying and robotics.
 This is a behavioral biometrics and it is possible to try to
imitate someone else’s gait.
 It is also possible for the gait to change due to factors
such as the carried load, injuries, clothing, walking speed,
viewing angle, and weather conditions
 Gait Datasets: CASIA Gait Database, Osaka Treadmill
Dataset, Osaka University Large Population (OULP)
Dataset.
Deep Learning Works on Gait Recognition:
 In one of the older works, a gait recognition system using 3D convolutional neural networks was
proposed which learns the gait from multiple viewing angles. This model consists of multiple
layers of 3D convolutions, max pooling and ReLUs, followed by fully-connected layers.
 In another work, a hybrid CNN-RNN network was proposed which uses the data from
smartphone sensors for gait recognition, particularly from the accelerometer and the gyroscope,
and the subjects are not restricted in their walking in any way.
The successful methods used for Biometric
Recognition
Challenges in Biometric Recognition
 More Challenging Datasets
 Interpretable Deep Models
 Few Shot Learning, and Self-Supervised Learning
 Biometric Fusion
 Realtime Models for Various Applications
 Memory Efficient Models
 Security and Privacy Issues
Survey Paper details
Authors: Shervin Minaee, Amirali Abdolrashidi, Hang Su, Mohammed Bennamoun, David Zhang
Article Link: https://arxiv.org/pdf/1912.00271.pdf
Medium article link: https://medium.com/@swatipc92/biometric-recognition-with-deep-learning-
ce1a829c35bc
Thank You!

More Related Content

What's hot (20)

PPTX
Biometrics technology
Ketan Sawakare
 
PPT
Facial recognition technology by vaibhav
Vaibhav P
 
PPTX
Biometric Authentication PPT
OECLIB Odisha Electronics Control Library
 
PPTX
Face Recognition Technology by Vishal Garg
IBNC India - India's Biggest Networking Championship
 
PPT
iris recognition system as means of unique identification
Being Topper
 
PPTX
Biometrics Technology In the 21st Century
Star Link Communication Pvt Ltd
 
PPTX
Iris recognition
shyamalaramesh2
 
PPTX
face recognition
vipin varghese
 
PPT
Iris Biometric for Person Identification
Manish Kumar
 
PPTX
Biometrics
shweta-sharma99
 
PPTX
Biometric Technology
Rajesh Anupoju
 
PPTX
Biometric authentication ppt by navin 6 feb
Navin Kumar
 
PPT
Face recognition technology
Pushkar Dutt
 
PPT
Iris recognition
Jayati Bhattacharyya
 
PPT
Face Recognition Technology
usha2016
 
PPT
GESTURE RECOGNITION TECHNOLOGY
jinal thakrar
 
PPTX
Face recognition technology
ranjit banshpal
 
ODP
Face recognition application
awadhesh kumar
 
PPTX
Gesture Recognition
Murlidhar Sarda
 
PPTX
Face Recognition System/Technology
RahulSingh3034
 
Biometrics technology
Ketan Sawakare
 
Facial recognition technology by vaibhav
Vaibhav P
 
Biometric Authentication PPT
OECLIB Odisha Electronics Control Library
 
Face Recognition Technology by Vishal Garg
IBNC India - India's Biggest Networking Championship
 
iris recognition system as means of unique identification
Being Topper
 
Biometrics Technology In the 21st Century
Star Link Communication Pvt Ltd
 
Iris recognition
shyamalaramesh2
 
face recognition
vipin varghese
 
Iris Biometric for Person Identification
Manish Kumar
 
Biometrics
shweta-sharma99
 
Biometric Technology
Rajesh Anupoju
 
Biometric authentication ppt by navin 6 feb
Navin Kumar
 
Face recognition technology
Pushkar Dutt
 
Iris recognition
Jayati Bhattacharyya
 
Face Recognition Technology
usha2016
 
GESTURE RECOGNITION TECHNOLOGY
jinal thakrar
 
Face recognition technology
ranjit banshpal
 
Face recognition application
awadhesh kumar
 
Gesture Recognition
Murlidhar Sarda
 
Face Recognition System/Technology
RahulSingh3034
 

Similar to Biometric recognition using deep learning (20)

PDF
IRJET- Deep Learning Based Card-Less Atm Using Fingerprint And Face Recogniti...
IRJET Journal
 
PDF
Security for Identity Based Identification using Water Marking and Visual Cry...
IRJET Journal
 
PDF
A PROJECT REPORT ON IRIS RECOGNITION SYSTEM USING MATLAB
Maria Perkins
 
PPTX
Face Recognition - Deep Learning
Aashish Chaubey
 
PDF
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET Journal
 
PDF
A SURVEY ON DEEP LEARNING METHOD USED FOR CHARACTER RECOGNITION
IJCIRAS Journal
 
PPTX
Unlocking Human Emotions: Facial Emotion Recognition with Deep Learning
Expeed Software
 
PPTX
Decoding Human Emotions with Deep Learning: Facial Expression Recognition Exp...
Expeed Software
 
PPTX
Introduction-to-Deep-Learning about new technologies
sindhibharat567
 
PDF
Highly Secured Bio-Metric Authentication Model with Palm Print Identification
IJERA Editor
 
PDF
A Intensified Approach on Deep Neural Networks for Human Activity Recognition...
IRJET Journal
 
PDF
50120130406045
IAEME Publication
 
PDF
Sign Language Detection using Action Recognition
IRJET Journal
 
PDF
People Monitoring and Mask Detection using Real-time video analyzing
vivatechijri
 
PDF
Person identification based on facial biometrics in different lighting condit...
IJECEIAES
 
PDF
FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS
ijgca
 
PDF
L026070074
ijceronline
 
PDF
Real Time Sign Language Detection
IRJET Journal
 
PDF
“Enhancing Iris Scanning Using Visual Cryptography”
iosrjce
 
PDF
I017335457
IOSR Journals
 
IRJET- Deep Learning Based Card-Less Atm Using Fingerprint And Face Recogniti...
IRJET Journal
 
Security for Identity Based Identification using Water Marking and Visual Cry...
IRJET Journal
 
A PROJECT REPORT ON IRIS RECOGNITION SYSTEM USING MATLAB
Maria Perkins
 
Face Recognition - Deep Learning
Aashish Chaubey
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET Journal
 
A SURVEY ON DEEP LEARNING METHOD USED FOR CHARACTER RECOGNITION
IJCIRAS Journal
 
Unlocking Human Emotions: Facial Emotion Recognition with Deep Learning
Expeed Software
 
Decoding Human Emotions with Deep Learning: Facial Expression Recognition Exp...
Expeed Software
 
Introduction-to-Deep-Learning about new technologies
sindhibharat567
 
Highly Secured Bio-Metric Authentication Model with Palm Print Identification
IJERA Editor
 
A Intensified Approach on Deep Neural Networks for Human Activity Recognition...
IRJET Journal
 
50120130406045
IAEME Publication
 
Sign Language Detection using Action Recognition
IRJET Journal
 
People Monitoring and Mask Detection using Real-time video analyzing
vivatechijri
 
Person identification based on facial biometrics in different lighting condit...
IJECEIAES
 
FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS
ijgca
 
L026070074
ijceronline
 
Real Time Sign Language Detection
IRJET Journal
 
“Enhancing Iris Scanning Using Visual Cryptography”
iosrjce
 
I017335457
IOSR Journals
 
Ad

Recently uploaded (20)

PPTX
recruitment Presentation.pptxhdhshhshshhehh
devraj40467
 
PDF
apidays Helsinki & North 2025 - Monetizing AI APIs: The New API Economy, Alla...
apidays
 
PPTX
Module-5-Measures-of-Central-Tendency-Grouped-Data-1.pptx
lacsonjhoma0407
 
PDF
R Cookbook - Processing and Manipulating Geological spatial data with R.pdf
OtnielSimopiaref2
 
PPT
01 presentation finyyyal معهد معايره.ppt
eltohamym057
 
PPTX
Advanced_NLP_with_Transformers_PPT_final 50.pptx
Shiwani Gupta
 
PDF
apidays Helsinki & North 2025 - How (not) to run a Graphql Stewardship Group,...
apidays
 
DOC
MATRIX_AMAN IRAWAN_20227479046.docbbbnnb
vanitafiani1
 
PDF
MusicVideoProjectRubric Animation production music video.pdf
ALBERTIANCASUGA
 
PPTX
AI Project Cycle and Ethical Frameworks.pptx
RiddhimaVarshney1
 
PPTX
Exploring Multilingual Embeddings for Italian Semantic Search: A Pretrained a...
Sease
 
PPTX
Slide studies GC- CRC - PC - HNC baru.pptx
LLen8
 
PPTX
apidays Helsinki & North 2025 - Vero APIs - Experiences of API development in...
apidays
 
PDF
Avatar for apidays apidays PRO June 07, 2025 0 5 apidays Helsinki & North 2...
apidays
 
PPTX
fashion industry boom.pptx an economics project
TGMPandeyji
 
PPTX
Numbers of a nation: how we estimate population statistics | Accessible slides
Office for National Statistics
 
PDF
apidays Helsinki & North 2025 - REST in Peace? Hunting the Dominant Design fo...
apidays
 
PPTX
TSM_08_0811111111111111111111111111111111111111111111111
csomonasteriomoscow
 
PPT
Lecture 2-1.ppt at a higher learning institution such as the university of Za...
rachealhantukumane52
 
PDF
Building Production-Ready AI Agents with LangGraph.pdf
Tamanna
 
recruitment Presentation.pptxhdhshhshshhehh
devraj40467
 
apidays Helsinki & North 2025 - Monetizing AI APIs: The New API Economy, Alla...
apidays
 
Module-5-Measures-of-Central-Tendency-Grouped-Data-1.pptx
lacsonjhoma0407
 
R Cookbook - Processing and Manipulating Geological spatial data with R.pdf
OtnielSimopiaref2
 
01 presentation finyyyal معهد معايره.ppt
eltohamym057
 
Advanced_NLP_with_Transformers_PPT_final 50.pptx
Shiwani Gupta
 
apidays Helsinki & North 2025 - How (not) to run a Graphql Stewardship Group,...
apidays
 
MATRIX_AMAN IRAWAN_20227479046.docbbbnnb
vanitafiani1
 
MusicVideoProjectRubric Animation production music video.pdf
ALBERTIANCASUGA
 
AI Project Cycle and Ethical Frameworks.pptx
RiddhimaVarshney1
 
Exploring Multilingual Embeddings for Italian Semantic Search: A Pretrained a...
Sease
 
Slide studies GC- CRC - PC - HNC baru.pptx
LLen8
 
apidays Helsinki & North 2025 - Vero APIs - Experiences of API development in...
apidays
 
Avatar for apidays apidays PRO June 07, 2025 0 5 apidays Helsinki & North 2...
apidays
 
fashion industry boom.pptx an economics project
TGMPandeyji
 
Numbers of a nation: how we estimate population statistics | Accessible slides
Office for National Statistics
 
apidays Helsinki & North 2025 - REST in Peace? Hunting the Dominant Design fo...
apidays
 
TSM_08_0811111111111111111111111111111111111111111111111
csomonasteriomoscow
 
Lecture 2-1.ppt at a higher learning institution such as the university of Za...
rachealhantukumane52
 
Building Production-Ready AI Agents with LangGraph.pdf
Tamanna
 
Ad

Biometric recognition using deep learning

  • 2. What are Biometrics ?  Biometrics are physical human attributes that can be utilized to carefully recognize an individual to grant access to frameworks, gadgets or information.  Unlike the token-based features such as ID cards, passwords, answers to security-based questions and keys, they cannot be forgotten and lost.  They are almost impossible to be duplicated.  Each one of these identifiers is viewed as one of a kind to the individual, and they might be utilized to guarantee more noteworthy exactness of recognizable proof.  Few examples of these biometric features are fingerprints, palmprints, facial features, ears, irises, voice and retinas. A person can also be recognized by using the behavioral features such as signatures, gaits, and keystroke.
  • 3. Traditional process of Biometric Recognition  Traditional process of Biometric Recognition was mostly based on Handcrafted features.  Traditional process of biometric recognition involves several steps such as acquiring image data through camera or optic sensors, preprocessing, feature extraction, feed the extracted features to the classifier for Biometric recognition.
  • 4. Deep Learning for Biometric Recognition  Deep learning-based models have successfully achieved state-of-the-art results in many of the computer vision, speech recognition, and natural language processing tasks in the last few years.  These models use Deep Neural Networks (DNNs) that provide end to end learning framework which learns the feature representation at multiple levels to uncover underlying patterns of the data.
  • 6. 1. Convolutional Neural Networks (CNN)  Convolutional Neural Networks are one of the widely used architecture in Deep Learning.  It comprises of three layers:  1. Convolutional layers  2. Nonlinear layers  3. Pooling layers
  • 7. 2. Recurrent Neural Networks  RNNs are typically used for processing sequential data like time series, speech. etc.  In architecture of RNN, at each timestamp, model gets the input from the current time and hidden state from previous step and generates a hidden state as an output of current stage.  The hidden state from the very last time-stamp can then be used to perform a task.
  • 8. 3. Long Short Term Memory (LSTM)  LSTM is nothing but a variety of RNN, which overcomes the gradient vanishing issue faced by RNN.  The LSTM architecture consists of three gates, (an input gate, output gate, forget gate) and a memory cell. The cell remembers values over time intervals and the other three gates regulate the information flow into and out of the cell.
  • 9. 4. Auto-Encoders  Auto-encoders are unsupervised learning algorithms that are used to learn efficient data encoding.  They compress the input data into a latent-space representation, and then reconstruct the output from this representation.  Auto-encoders are composed of two parts:  Encoder  Decoder
  • 10. 5. Generative Adversarial Networks (GAN)  GANs are unsupervised learning algorithms that are used for generative modeling using deep learning.  GAN consists of two networks:  Generator: Generator model is trained to generate new examples.  Discriminator: Discriminator model tries to classify examples as real or fake.
  • 11. 6. Transfer Learning Approach  In Transfer learning approach, a model trained on one task is resused on another task.  There are two approaches to use Transfer Learning:  A Pre-trained model is treated as a feature extractor, and a classifier is trained on top of it to perform classification.  The whole network is fine tuned on a new task.
  • 12. Deep Learning Based Works on Biometric Recognition
  • 13. 1. Face Recognition  Face recognition is one of the most popular biometric used for authentication. There are countless number of works performed on face recognition using deep learning and large number of datasets were used.  Face Datasets: Yale and Yale Face Database B, CMU Multi- PIE, Labeled Face in The Wild (LFW):, PolyU NIR Face Database, YouTube Faces, VGGFace2, CASIA-WebFace, MS- Celeb, CelebA, IJB-C, MegaFace.
  • 14. Deep Learning Works on Face Recognition  DeepFace is one of the earliest Deep Learning work performed on face recognition and it achieved state-of-the-art accuracy.  Several sequences of DeepID feature were proposed for face recognition in which the features were taken from the last hidden layer of CNN.  VGGNet and GoogleNet were also used as architecture.  Further VGGface model was proposed in which VGGNet was trained on the large public dataset and fine tuned the networks via triple loss function which obtained high accuracy of 98.95%.
  • 15. 2. Fingerprint Recognition  Fingerprint is also one of the most used physiological biometric feature.  It consists of ridges and valleys, which form unique patterns.  Important features exist in a fingerprint include ridge endings, bifurcations, islands, bridges, crossovers, and dots which are used to uniquely identify a person.  Fingerprint Datasets: FVC Fingerprint Database, PolyU High- resolution Fingerprint Database, CASIA Fingerprint Dataset, NIST Fingerprint Dataset. . :
  • 16. Deep Learning Works on Fingerprint Recognition  A fingerprint minutiae extraction algorithm was proposed based on deep learning models, called as MENet, and achieved promising results on fingerprint images from FVC datasets.  Another work proposed a model multi-view deep representation for contact-less and partial 3D fingerprint recognition was proposed that includes a fully convolutional network for fingerprint segmentation and three Siamese networks to learn multi-view 3D fingerprint feature representation.  This model achieved high accuracy on various datasets. Further a fingerprint texture learning model was proposed using a deep learning framework. It was evaluated on several benchmarks, and achieved verification accuracies of 100, 98.65, 100 and 98% on the four databases of PolyU2D, IITD, CASIA-BLU and CASIA-WHT, respectively.
  • 17. 3. Iris Recognition  Iris contain a rich set of features such as rings, corona, ciliary processes, freckles, and the striated trabecular meshwork of chromatophore and fibroblast cells that are embedded in their texture and patterns which do not change over time.  Iris Datasets: CASIA-Iris-1000 Database, UBIRIS Dataset, IIT Delhi Iris Dataset, ND Datasets, MICHE Dataset
  • 18. Deep Learning Works on Iris Recognition  In one of the first work performed in the IRIS recognition, features were extracted from a pre- trained CNN model that was trained on ImageNet.  The features were derived from different layers of VGGNet, and trained a multi-class SVM on top of it, and showed that the trained model can achieve state-of-the-art accuracy on two iris recognition benchmarks, CASIA-1000 and IIT Delhi databases.  In another work, an iris recognition system was developed based on deep features extracted from AlexNet, followed by a multi-class classification, and achieved high accuracy rates on CASIA-Iris-V1, CASIA-Iris-1000 and, CASIA-Iris-V3 Interval databases.
  • 19. 4. Palmprint Recognition  Palmprint is a biometric which is also seem to be used widely.  Each part of a palmprint has different features, including texture, ridges, lines and creases.  Palmprint features also consist of geometry-based features, delta points, principal lines, and wrinkles.  Palmprint Datasets : PolyU Multispectral Palmprint Dataset, CASIA Palmprint Database, IIT Delhi Touchless Palmprint Database
  • 20. Deep Learning Works on Palmprint Recognition  In the very first work performed on palm recognition, a deep belief net was built by top-to- down unsupervised training, tuned the model parameters toward a robust accuracy on the validation set.  In another work, a palmprint recognition algorithm using Siamese network was proposed. Two VGG-16 networks were used to extract features for two input palmprint images, and another network was used on top of them to directly obtain the similarity of two input palmprints according to their convolutional features. This method achieved an Equal Error Rate (EER) of 0.2819% on on PolyU dataset.
  • 21. 5. Ear Recognition  Each person has a unique shape of ears ; hence they can be used to identify a person from an image.  Ear Datasets: IIT Ear Database, AWE Ear Dataset, Multi- PIE Ear Dataset, USTB Ear Database,UERC Ear Dataset, AMI Ear Dataset, CP Ear Dataset, WPUT Ear Dataset
  • 22. Deep Learning Works on Ear Recognition  As Ear recognition is not as popular as face, iris, and fingerprint recognition, datasets available for ear recognition are limited in size. To overcome this issue, in the first work few-shot learning methods were used where the network use the limited training and quickly learn to recognize the images.  In another work, a model using transfer learning with deep networks for unconstrained ear recognition was proposed.  Further a model was proposed that used a fusion of CNNs and handcrafted features for ear recognition which outperformed other state-of-the-art CNN-based works, reaching to the conclusion that handcrafted features can complement deep learning methods.
  • 23. 6. Voice Recognition  Voice recognition is also known as speaker recognition.  Voice recognition includes both behavioral and physiological features, such as accent and pitch respectively.  Voice Datasets: NIST SRE, SITW, VoxCeleb, Switchboard dataset, Librispeech dataset, TIMIT dataset
  • 24. Deep Learning Works on Voice Recognition  Before the era of deep learning, most of the voice recognition systems were built using i-vectors approach.  In the first approach using deep learning, the DNN-based model was incorporated into the i- vector framework. A DNN acoustic model trained for Automatic Speech Recognition (ASR) was used to gather speaker statistics for i-vector model training. This method reduced 30% equal error rate.  Further, a complementary optimizing goal called intra-class loss was proposed to improve speaker embeddings learned with triplet loss. The model trained using intra class loss yeild 30% reduction in error rare as compared to triple loss. This model was evaluated on VoxCeleb and VoxForge datasets.
  • 25. 7. Signature Recognition  Signature is considered a behavioral biometric. This is the most common method to check the user’s identity for the purpose of security in both traditional as well as digital format.  The features of the written signature are as the thickness of a stroke and the speed of the pen during the signing.  Signature Datasets: ICDAR 2009 SVC, SVC 2004, Offline GPDS-960 Corpus
  • 26. Deep Learning Works on Signature Recognition  In one of the early works performed in Deep Learning for signature recognition, a Restricted Boltzmann Machine (RBM) was used to both identify a signature’s owner and distinguish an authentic signature from a fake.  In some other works, embedding based WI offline signature verification model was proposed in which the input signatures were embedded in a high-dimensional space using a specific training pattern, and the Euclidean distance between the input and the embedded signatures was used to determine the outcome.  Later, in recent works various models using GAN network, recurrent neural networks (RNNs), long short term memory (LSTM) and gated recurrent units (GRUs) are proposed for signature recognition.
  • 27. 8. Gait Recognition  Gait recognition attracts a lot of researchers from different communities such as computer vision, machine learning, biomedical, forensic studying and robotics.  This is a behavioral biometrics and it is possible to try to imitate someone else’s gait.  It is also possible for the gait to change due to factors such as the carried load, injuries, clothing, walking speed, viewing angle, and weather conditions  Gait Datasets: CASIA Gait Database, Osaka Treadmill Dataset, Osaka University Large Population (OULP) Dataset.
  • 28. Deep Learning Works on Gait Recognition:  In one of the older works, a gait recognition system using 3D convolutional neural networks was proposed which learns the gait from multiple viewing angles. This model consists of multiple layers of 3D convolutions, max pooling and ReLUs, followed by fully-connected layers.  In another work, a hybrid CNN-RNN network was proposed which uses the data from smartphone sensors for gait recognition, particularly from the accelerometer and the gyroscope, and the subjects are not restricted in their walking in any way.
  • 29. The successful methods used for Biometric Recognition
  • 30. Challenges in Biometric Recognition  More Challenging Datasets  Interpretable Deep Models  Few Shot Learning, and Self-Supervised Learning  Biometric Fusion  Realtime Models for Various Applications  Memory Efficient Models  Security and Privacy Issues
  • 31. Survey Paper details Authors: Shervin Minaee, Amirali Abdolrashidi, Hang Su, Mohammed Bennamoun, David Zhang Article Link: https://arxiv.org/pdf/1912.00271.pdf Medium article link: https://medium.com/@swatipc92/biometric-recognition-with-deep-learning- ce1a829c35bc