SlideShare a Scribd company logo
1 of 32
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

Facial recognition system
Facial recognition systemFacial recognition system
Facial recognition systemDivya Sushma
 
Face recognition Face Identification
Face recognition Face IdentificationFace recognition Face Identification
Face recognition Face IdentificationKalyan Acharjya
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technologyPushkar Dutt
 
Face recognigion system ppt
Face recognigion system pptFace recognigion system ppt
Face recognigion system pptRavi Kumar
 
Deep learning on face recognition (use case, development and risk)
Deep learning on face recognition (use case, development and risk)Deep learning on face recognition (use case, development and risk)
Deep learning on face recognition (use case, development and risk)Herman Kurnadi
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technologyranjit banshpal
 
Face detection ppt
Face detection pptFace detection ppt
Face detection pptPooja R
 
Face Recognition Technology
Face Recognition TechnologyFace Recognition Technology
Face Recognition TechnologyShashidhar Reddy
 
Multi modal biometric system
Multi modal biometric systemMulti modal biometric system
Multi modal biometric systemAalaa Khattab
 
Face Detection and Recognition System
Face Detection and Recognition SystemFace Detection and Recognition System
Face Detection and Recognition SystemZara Tariq
 
Pattern recognition IRIS recognition
Pattern recognition IRIS recognitionPattern recognition IRIS recognition
Pattern recognition IRIS recognitionMazin Alwaaly
 
Biometrics iris recognition
Biometrics iris recognitionBiometrics iris recognition
Biometrics iris recognitionsunjaysahu
 
Facial recognition technology by vaibhav
Facial recognition technology by vaibhavFacial recognition technology by vaibhav
Facial recognition technology by vaibhavVaibhav P
 
Multimodal Biometric Systems
Multimodal Biometric SystemsMultimodal Biometric Systems
Multimodal Biometric SystemsPiyush Mittal
 
Detection and recognition of face using neural network
Detection and recognition of face using neural networkDetection and recognition of face using neural network
Detection and recognition of face using neural networkSmriti Tikoo
 
Face Recognition System/Technology
Face Recognition System/TechnologyFace Recognition System/Technology
Face Recognition System/TechnologyRahulSingh3034
 

What's hot (20)

Facial recognition system
Facial recognition systemFacial recognition system
Facial recognition system
 
Face recognition Face Identification
Face recognition Face IdentificationFace recognition Face Identification
Face recognition Face Identification
 
Face recognisation system
Face recognisation systemFace recognisation system
Face recognisation system
 
Face recognition
Face recognitionFace recognition
Face recognition
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technology
 
Face recognigion system ppt
Face recognigion system pptFace recognigion system ppt
Face recognigion system ppt
 
Deep learning on face recognition (use case, development and risk)
Deep learning on face recognition (use case, development and risk)Deep learning on face recognition (use case, development and risk)
Deep learning on face recognition (use case, development and risk)
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technology
 
Face detection ppt
Face detection pptFace detection ppt
Face detection ppt
 
Face Recognition Technology
Face Recognition TechnologyFace Recognition Technology
Face Recognition Technology
 
Multi modal biometric system
Multi modal biometric systemMulti modal biometric system
Multi modal biometric system
 
Face Detection and Recognition System
Face Detection and Recognition SystemFace Detection and Recognition System
Face Detection and Recognition System
 
Facial Recognition Technology
Facial Recognition TechnologyFacial Recognition Technology
Facial Recognition Technology
 
Voice recognition
Voice recognitionVoice recognition
Voice recognition
 
Pattern recognition IRIS recognition
Pattern recognition IRIS recognitionPattern recognition IRIS recognition
Pattern recognition IRIS recognition
 
Biometrics iris recognition
Biometrics iris recognitionBiometrics iris recognition
Biometrics iris recognition
 
Facial recognition technology by vaibhav
Facial recognition technology by vaibhavFacial recognition technology by vaibhav
Facial recognition technology by vaibhav
 
Multimodal Biometric Systems
Multimodal Biometric SystemsMultimodal Biometric Systems
Multimodal Biometric Systems
 
Detection and recognition of face using neural network
Detection and recognition of face using neural networkDetection and recognition of face using neural network
Detection and recognition of face using neural network
 
Face Recognition System/Technology
Face Recognition System/TechnologyFace Recognition System/Technology
Face Recognition System/Technology
 

Similar to Biometric recognition using deep learning

IRJET- Deep Learning Based Card-Less Atm Using Fingerprint And Face Recogniti...
IRJET- Deep Learning Based Card-Less Atm Using Fingerprint And Face Recogniti...IRJET- Deep Learning Based Card-Less Atm Using Fingerprint And Face Recogniti...
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...
Security for Identity Based Identification using Water Marking and Visual Cry...Security for Identity Based Identification using Water Marking and Visual Cry...
Security for Identity Based Identification using Water Marking and Visual Cry...IRJET Journal
 
A PROJECT REPORT ON IRIS RECOGNITION SYSTEM USING MATLAB
A PROJECT REPORT ON IRIS RECOGNITION SYSTEM USING MATLABA PROJECT REPORT ON IRIS RECOGNITION SYSTEM USING MATLAB
A PROJECT REPORT ON IRIS RECOGNITION SYSTEM USING MATLABMaria Perkins
 
Face Recognition - Deep Learning
Face Recognition - Deep LearningFace Recognition - Deep Learning
Face Recognition - Deep LearningAashish Chaubey
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET Journal
 
A SURVEY ON DEEP LEARNING METHOD USED FOR CHARACTER RECOGNITION
A SURVEY ON DEEP LEARNING METHOD USED FOR CHARACTER RECOGNITIONA SURVEY ON DEEP LEARNING METHOD USED FOR CHARACTER RECOGNITION
A SURVEY ON DEEP LEARNING METHOD USED FOR CHARACTER RECOGNITIONIJCIRAS Journal
 
Highly Secured Bio-Metric Authentication Model with Palm Print Identification
Highly Secured Bio-Metric Authentication Model with Palm Print IdentificationHighly Secured Bio-Metric Authentication Model with Palm Print Identification
Highly Secured Bio-Metric Authentication Model with Palm Print IdentificationIJERA Editor
 
A Intensified Approach on Deep Neural Networks for Human Activity Recognition...
A Intensified Approach on Deep Neural Networks for Human Activity Recognition...A Intensified Approach on Deep Neural Networks for Human Activity Recognition...
A Intensified Approach on Deep Neural Networks for Human Activity Recognition...IRJET Journal
 
Sign Language Detection using Action Recognition
Sign Language Detection using Action RecognitionSign Language Detection using Action Recognition
Sign Language Detection using Action RecognitionIRJET Journal
 
People Monitoring and Mask Detection using Real-time video analyzing
People Monitoring and Mask Detection using Real-time video analyzingPeople Monitoring and Mask Detection using Real-time video analyzing
People Monitoring and Mask Detection using Real-time video analyzingvivatechijri
 
Person identification based on facial biometrics in different lighting condit...
Person identification based on facial biometrics in different lighting condit...Person identification based on facial biometrics in different lighting condit...
Person identification based on facial biometrics in different lighting condit...IJECEIAES
 
FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS
FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS
FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS ijgca
 
Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language DetectionIRJET Journal
 
“Enhancing Iris Scanning Using Visual Cryptography”
“Enhancing Iris Scanning Using Visual Cryptography”“Enhancing Iris Scanning Using Visual Cryptography”
“Enhancing Iris Scanning Using Visual Cryptography”iosrjce
 
IRJET - Deep Learning Applications and Frameworks – A Review
IRJET -  	  Deep Learning Applications and Frameworks – A ReviewIRJET -  	  Deep Learning Applications and Frameworks – A Review
IRJET - Deep Learning Applications and Frameworks – A ReviewIRJET Journal
 
Signature verification based on proposed fast hyper deep neural network
Signature verification based on proposed fast hyper deep neural networkSignature verification based on proposed fast hyper deep neural network
Signature verification based on proposed fast hyper deep neural networkIAESIJAI
 

Similar to Biometric recognition using deep learning (20)

IRJET- Deep Learning Based Card-Less Atm Using Fingerprint And Face Recogniti...
IRJET- Deep Learning Based Card-Less Atm Using Fingerprint And Face Recogniti...IRJET- Deep Learning Based Card-Less Atm Using Fingerprint And Face Recogniti...
IRJET- Deep Learning Based Card-Less Atm Using Fingerprint And Face Recogniti...
 
Security for Identity Based Identification using Water Marking and Visual Cry...
Security for Identity Based Identification using Water Marking and Visual Cry...Security for Identity Based Identification using Water Marking and Visual Cry...
Security for Identity Based Identification using Water Marking and Visual Cry...
 
A PROJECT REPORT ON IRIS RECOGNITION SYSTEM USING MATLAB
A PROJECT REPORT ON IRIS RECOGNITION SYSTEM USING MATLABA PROJECT REPORT ON IRIS RECOGNITION SYSTEM USING MATLAB
A PROJECT REPORT ON IRIS RECOGNITION SYSTEM USING MATLAB
 
Face Recognition - Deep Learning
Face Recognition - Deep LearningFace Recognition - Deep Learning
Face Recognition - Deep Learning
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
 
A SURVEY ON DEEP LEARNING METHOD USED FOR CHARACTER RECOGNITION
A SURVEY ON DEEP LEARNING METHOD USED FOR CHARACTER RECOGNITIONA SURVEY ON DEEP LEARNING METHOD USED FOR CHARACTER RECOGNITION
A SURVEY ON DEEP LEARNING METHOD USED FOR CHARACTER RECOGNITION
 
Highly Secured Bio-Metric Authentication Model with Palm Print Identification
Highly Secured Bio-Metric Authentication Model with Palm Print IdentificationHighly Secured Bio-Metric Authentication Model with Palm Print Identification
Highly Secured Bio-Metric Authentication Model with Palm Print Identification
 
A Intensified Approach on Deep Neural Networks for Human Activity Recognition...
A Intensified Approach on Deep Neural Networks for Human Activity Recognition...A Intensified Approach on Deep Neural Networks for Human Activity Recognition...
A Intensified Approach on Deep Neural Networks for Human Activity Recognition...
 
50120130406045
5012013040604550120130406045
50120130406045
 
Sign Language Detection using Action Recognition
Sign Language Detection using Action RecognitionSign Language Detection using Action Recognition
Sign Language Detection using Action Recognition
 
People Monitoring and Mask Detection using Real-time video analyzing
People Monitoring and Mask Detection using Real-time video analyzingPeople Monitoring and Mask Detection using Real-time video analyzing
People Monitoring and Mask Detection using Real-time video analyzing
 
Person identification based on facial biometrics in different lighting condit...
Person identification based on facial biometrics in different lighting condit...Person identification based on facial biometrics in different lighting condit...
Person identification based on facial biometrics in different lighting condit...
 
FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS
FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS
FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS
 
L026070074
L026070074L026070074
L026070074
 
Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language Detection
 
I017335457
I017335457I017335457
I017335457
 
“Enhancing Iris Scanning Using Visual Cryptography”
“Enhancing Iris Scanning Using Visual Cryptography”“Enhancing Iris Scanning Using Visual Cryptography”
“Enhancing Iris Scanning Using Visual Cryptography”
 
Final_ppt1
Final_ppt1Final_ppt1
Final_ppt1
 
IRJET - Deep Learning Applications and Frameworks – A Review
IRJET -  	  Deep Learning Applications and Frameworks – A ReviewIRJET -  	  Deep Learning Applications and Frameworks – A Review
IRJET - Deep Learning Applications and Frameworks – A Review
 
Signature verification based on proposed fast hyper deep neural network
Signature verification based on proposed fast hyper deep neural networkSignature verification based on proposed fast hyper deep neural network
Signature verification based on proposed fast hyper deep neural network
 

Recently uploaded

Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubaihf8803863
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfJohn Sterrett
 
GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]📊 Markus Baersch
 
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...Suhani Kapoor
 
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...ThinkInnovation
 
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAmazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAbdelrhman abooda
 
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptxEMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptxthyngster
 
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...soniya singh
 
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Callshivangimorya083
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一fhwihughh
 
Call Girls In Mahipalpur O9654467111 Escorts Service
Call Girls In Mahipalpur O9654467111  Escorts ServiceCall Girls In Mahipalpur O9654467111  Escorts Service
Call Girls In Mahipalpur O9654467111 Escorts ServiceSapana Sha
 
How we prevented account sharing with MFA
How we prevented account sharing with MFAHow we prevented account sharing with MFA
How we prevented account sharing with MFAAndrei Kaleshka
 
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort servicejennyeacort
 
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝soniya singh
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDRafezzaman
 
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /WhatsappsBeautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsappssapnasaifi408
 
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改atducpo
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...Suhani Kapoor
 

Recently uploaded (20)

Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdf
 
GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]
 
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
 
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
 
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...
 
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAmazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
 
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptxEMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
 
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
 
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
 
Call Girls In Mahipalpur O9654467111 Escorts Service
Call Girls In Mahipalpur O9654467111  Escorts ServiceCall Girls In Mahipalpur O9654467111  Escorts Service
Call Girls In Mahipalpur O9654467111 Escorts Service
 
How we prevented account sharing with MFA
How we prevented account sharing with MFAHow we prevented account sharing with MFA
How we prevented account sharing with MFA
 
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
 
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
 
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /WhatsappsBeautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
 
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
 
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
 

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