SlideShare a Scribd company logo
Susang Kim(healess1@gmail.com)
Face Recognition
GroupFace: Learning Latent Groups and Constructing
Group-based Representations for Face Recognition
Face Recognition(Recap)
Deep Learning boosts
the performance.
sparse-representation-based classifier
DEEP FR SYSTEM WITH FACE DETECTOR AND ALIGNMENT.
1) A FACE DETECTOR IS USED TO LOCALIZE FACES.
2) THE FACES ARE ALIGNED TO NORMALIZED CANONICAL COORDINATES.
3) FACE ANTI-SPOOFING RECOGNIZES WHETHER THE FACE IS LIVE OR SPOOFED;
4) FACE PROCESSING IS USED TO HANDLE VARIATIONS BEFORE TRAINING AND TESTING,
(E.G. POSES, AGES; DIFFERENT ARCHITECTURES AND LOSS FUNCTIONS TO EXTRACT DISCRIMINATIVE DEEP FEATURE WHEN TRAINING)
FACE MATCHING METHODS ARE USED TO DO FEATURE CLASSIFICATION AFTER THE DEEP FEATURES OF TESTING DATA ARE EXTRACTED.
Deep Face Recognition: A Survey: https://arxiv.org/pdf/1804.06655.pdf
Deep Face Recognition: A Survey : https://arxiv.org/pdf/1804.06655.pdf
Face recognition focused on improving the loss function.
1) Softmax Loss and its Variations (Deepface)
2) Euclidean-distance-based Loss (FaceNet)
3) Angular/cosine-margin-based Loss (Sphereface, arcface)
⇒ +GroupFace(group-aware representation + Self-distributed
Face Recognition research is highly saturated
Racial Faces in-the-Wild (RFW) database
proved that existing commercial APIs and
the SOTA algorithms indeed work
unequally for different races and the
maximum difference in error rate between
the best and worst groups is 12%, as
shown in Table VIII.
Racial Faces in-the-Wild : https://arxiv.org/pdf/1812.00194.pdf
Validated the racial bias (RFW dataset - ICCV 2019)
If the faces used to train the algorithm are
predominantly white men, the system will have a
harder time recognizing anyone who doesn't fit.
Kakao에서 쓴 얼굴인식 최신 논문
(CVPR 2020)으로
종래에 Metric Learning을 통한 Loss개선 중
심에서 Group Learning의 추가 적용을 통해
각 Group 간의 sample 수를 Uniform하게 분
포하게 함으로써
Search Space를 줄일 수 있게 되었고
1:1 face verification과 1:N face identification
tasks에서 Public Data로
LFW, YTF, CALFW, CPLFW, CFP, AgeDB-
30, MegaFace, IJB-B and IJB-C 부문 SOTA
기록
https://arxiv.org/pdf/2005.10497.pdf
Face Recognition Paper (CVPR 2020)
유사한 얼굴의 Group Learning을 통해 Identity 별 Search Space 적용
Summary of Group Learning
Each person has own characteristics in
his or her face.
At the same time, they have common
ones shared in a group of people.
In the real world, group-based description
(man with deep, black eyes and red
beard) that involves common
characteristics in the group, can be useful
to narrow down the set of candidates,
even though it cannot identify the exact
person.
We propose a novel face-recognition
architecture called GroupFace that learns
multiple latent groups and constructs
group-aware representations to
effectively adopt the concept of grouping
Instance + Group = Enriched Feature
종래방식
Architecture Overview
종래방식
그룹러닝
ResNet-100
5 points normalized face
(112x112)
Follow Arcface/Cosface to set the hyper-
parameters of the loss function(softmax-
based)
identity label given sample embedding
feature function
number of identities
Instance-based Representation
Accuracy
Practical
BN+FC
Group-aware Representation Structure
group-aware similarity
cosine similarity
(instance)
distance metric (group)
The parameters are determined empirically to be β = 0.1 and γ = 1/3.
Group-aware Similarity
Naive Labeling (non-uniform group)
Self-distributed Labeling
Self-distributed Grouping
normalized probability K groups
Expected value = 0
(to generate uniformly-distributed group labels)
arcface loss self-grouping loss
empirically set to 0.1
SphereFace : https://arxiv.org/pdf/1704.08063.pdf
Comparison of decision boundaries in binary case. Note
that, θi is the angle between Wi and x.
Loss Function for Learning
Train Data : MSCeleb-1M (10M images for 100K identities / refined version (3.8M images for
85k identities)
Test Data : nine commonly used datasets (LFW, YTF, CALFW, CPLFW, CFP, AgeDB-30,
MegaFace, IJB-B and IJB-C)
Metrics : TAR@FAR = 1e-6 / TAR@FAR=1e-5 (Compare a True Accept Rate at a certain
False Accept Rate)
Baseline Model : ArcFace(ResNet-100) GDN(two blocks of MLP[BN-FC] and a FC for group
classification)
Learning : 8 synchronized GPUs and a mini-batch involving 128 images per GPU
learning rate : 0.005 for the first 50k, 0.0005 for the 20k, and 0.00005 for 10k with a weight
decay of 0.0005 and a momentum of 0.9 with stochastic gradient descent (SGD)
Pre-trained network : only the softmax-based loss(Arcface).(To stable the group-probability)
Experiments
GroupFace is also effective for a lightweight model such as ResNet-34 that requires only 8.9 GFLOPS less than ResNet-100,
which requires 24.2 GFLOPS. ResNet-34 based GroupFace shows a similar performance of ResNet-100 based ArcFace and
greatly outperforms ResNet-100 in a most difficult criterion (FAR=1e-6).
Ablation Studies
Self-distributed grouping ⇒ uniform distribution
Group-aware representations ⇒ search space
GDN : self group + latent group
⇒ 어느정도 불균형은 있으나 전반적으로 균일함
Evaluations
Example images belonging to each groups. As enormous
identities (80k∼) of large scale dataset cannot be mapped to
a few groups (32), each group contains identities of multiple
characteristics. Some groups have one common visual
description (Group 5: Some Men, Group 20: Bald Men) with
some variations while others have multi-mode visual
descriptions.
GroupFace is summarized in two main ways:
(1) It is well known that additional supervisions from
different objectives can bring an improvement of the given
task by sharing a network for feature extraction, a
segmentation head can improve accuracy in object
detection. Likewise, learning the groups can be a helpful
cue to train a more generalized feature extractor for face
recognition.
(2) GroupFace proposes a novel structure that fuses
instance based representation and group-based
representation, which is empirically proved its effectiveness.
Conclusion
Thanks
Any Questions?
You can send mail to
Susang Kim(healess1@gmail.com)

More Related Content

PDF
오토인코더의 모든 것
PDF
Project t Proposal Bangla alphabet handwritten recognition using deep learnin...
PDF
VQ-VAE
PPTX
機械学習 / Deep Learning 大全 (4) GPU編
PPTX
쫄지말자딥러닝2 - CNN RNN 포함버전
PDF
[Kaggle Tokyo Meetup 裏 #01] Rコンペ解法
PDF
Intro to Machine Learning for GPUs
오토인코더의 모든 것
Project t Proposal Bangla alphabet handwritten recognition using deep learnin...
VQ-VAE
機械学習 / Deep Learning 大全 (4) GPU編
쫄지말자딥러닝2 - CNN RNN 포함버전
[Kaggle Tokyo Meetup 裏 #01] Rコンペ解法
Intro to Machine Learning for GPUs

What's hot (20)

PDF
パターン認識 第10章 決定木
PPTX
High dynamic range
PPTX
Kaggle – Airbnb New User Bookingsのアプローチについて(Kaggle Tokyo Meetup #1 20160305)
PDF
文献紹介:Simple Copy-Paste Is a Strong Data Augmentation Method for Instance Segm...
PDF
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
PDF
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
PDF
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
PDF
Lucas kanade法について
PPTX
Massive Point Light Soft Shadows
PDF
Forward+ (EUROGRAPHICS 2012)
PPTX
영웅의 군단의 테크니컬 아트 - 황재철, 유나이트 코리아 2014
PDF
Self-supervised Learning Lecture Note
PPTX
MCMC法
PPTX
5강 알파와알파소팅
PPT
Fingerprint Recognition Technique(PPT)
PPTX
Exploring Simple Siamese Representation Learning
PPTX
PlantPAx 5.30 Customer Presentation (1).PPTX
PDF
Moving object detection on FPGA
PDF
[DL輪読会]Deep Learning 第5章 機械学習の基礎
PPTX
Image stitching
パターン認識 第10章 決定木
High dynamic range
Kaggle – Airbnb New User Bookingsのアプローチについて(Kaggle Tokyo Meetup #1 20160305)
文献紹介:Simple Copy-Paste Is a Strong Data Augmentation Method for Instance Segm...
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
Lucas kanade法について
Massive Point Light Soft Shadows
Forward+ (EUROGRAPHICS 2012)
영웅의 군단의 테크니컬 아트 - 황재철, 유나이트 코리아 2014
Self-supervised Learning Lecture Note
MCMC法
5강 알파와알파소팅
Fingerprint Recognition Technique(PPT)
Exploring Simple Siamese Representation Learning
PlantPAx 5.30 Customer Presentation (1).PPTX
Moving object detection on FPGA
[DL輪読会]Deep Learning 第5章 機械学習の基礎
Image stitching
Ad

Similar to GroupFace (Face Recognition) (20)

PPT
one shot15729752 Deep Learning for AI and DS
PPTX
Face recognition v1
PPTX
L7_finetuning on tamil technologies.pptx
PDF
FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS
PDF
Face Anti Spoofing
PPT
얼굴 검출 기법과 감성 언어 인식기법
PPT
얼굴검출기법 감성언어인식기법
PDF
Learning to Balance: Bayesian Meta-Learning for Imbalanced and Out-of-distrib...
PPTX
B4UConference_machine learning_deeplearning
PDF
Review : Multi-Domain Image Completion for Random Missing Input Data [cdm]
PDF
Machine learning in science and industry — day 4
PDF
AI and Deep Learning
PDF
Human Emotion Recognition
PDF
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
PPTX
Recent Progress on Object Detection_20170331
PPTX
Machine model to classify dogs and cat
PPTX
PDF
Deep Domain Adaptation Network for Face Recognition with Single Sample Per Pe...
PDF
Enhanced Deep Residual Networks for Single Image Super-Resolution
PDF
Deep learning in Computer Vision
one shot15729752 Deep Learning for AI and DS
Face recognition v1
L7_finetuning on tamil technologies.pptx
FACE EXPRESSION RECOGNITION USING CONVOLUTION NEURAL NETWORK (CNN) MODELS
Face Anti Spoofing
얼굴 검출 기법과 감성 언어 인식기법
얼굴검출기법 감성언어인식기법
Learning to Balance: Bayesian Meta-Learning for Imbalanced and Out-of-distrib...
B4UConference_machine learning_deeplearning
Review : Multi-Domain Image Completion for Random Missing Input Data [cdm]
Machine learning in science and industry — day 4
AI and Deep Learning
Human Emotion Recognition
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
Recent Progress on Object Detection_20170331
Machine model to classify dogs and cat
Deep Domain Adaptation Network for Face Recognition with Single Sample Per Pe...
Enhanced Deep Residual Networks for Single Image Super-Resolution
Deep learning in Computer Vision
Ad

More from Susang Kim (16)

PDF
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...
PDF
[Paper] Multiscale Vision Transformers(MVit)
PDF
[Paper] dynamic routing between capsules
PDF
[Paper] anti spoofing for face recognition
PDF
[Paper] attention mechanism(luong)
PDF
[Paper] shuffle net an extremely efficient convolutional neural network for ...
PDF
[Paper] EDA : easy data augmentation techniques for boosting performance on t...
PDF
[Paper] auto ml part 1
PDF
[Paper] eXplainable ai(xai) in computer vision
PDF
[Paper] learning video representations from correspondence proposals
PDF
[Paper] DetectoRS for Object Detection
PDF
Long term feature banks for detailed video understanding (Action Recognition)
PDF
I3D and Kinetics datasets (Action Recognition)
PPTX
제11회공개sw개발자대회 금상 TensorMSA(소개)
PDF
Sk t academy lecture note
PPTX
Python과 Tensorflow를 활용한 AI Chatbot 개발 및 실무 적용
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...
[Paper] Multiscale Vision Transformers(MVit)
[Paper] dynamic routing between capsules
[Paper] anti spoofing for face recognition
[Paper] attention mechanism(luong)
[Paper] shuffle net an extremely efficient convolutional neural network for ...
[Paper] EDA : easy data augmentation techniques for boosting performance on t...
[Paper] auto ml part 1
[Paper] eXplainable ai(xai) in computer vision
[Paper] learning video representations from correspondence proposals
[Paper] DetectoRS for Object Detection
Long term feature banks for detailed video understanding (Action Recognition)
I3D and Kinetics datasets (Action Recognition)
제11회공개sw개발자대회 금상 TensorMSA(소개)
Sk t academy lecture note
Python과 Tensorflow를 활용한 AI Chatbot 개발 및 실무 적용

Recently uploaded (20)

PPTX
AI Strategy room jwfjksfksfjsjsjsjsjfsjfsj
PPTX
IBA_Chapter_11_Slides_Final_Accessible.pptx
PPTX
mbdjdhjjodule 5-1 rhfhhfjtjjhafbrhfnfbbfnb
PPTX
Introduction to Firewall Analytics - Interfirewall and Transfirewall.pptx
PPT
Reliability_Chapter_ presentation 1221.5784
PDF
Business Analytics and business intelligence.pdf
PDF
Recruitment and Placement PPT.pdfbjfibjdfbjfobj
PPTX
Database Infoormation System (DBIS).pptx
PPTX
1_Introduction to advance data techniques.pptx
PDF
22.Patil - Early prediction of Alzheimer’s disease using convolutional neural...
PPTX
Business Ppt On Nestle.pptx huunnnhhgfvu
PPTX
DISORDERS OF THE LIVER, GALLBLADDER AND PANCREASE (1).pptx
PPTX
Introduction to machine learning and Linear Models
PDF
BF and FI - Blockchain, fintech and Financial Innovation Lesson 2.pdf
PPTX
Qualitative Qantitative and Mixed Methods.pptx
PPTX
climate analysis of Dhaka ,Banglades.pptx
PPTX
MODULE 8 - DISASTER risk PREPAREDNESS.pptx
PPTX
ALIMENTARY AND BILIARY CONDITIONS 3-1.pptx
PPTX
Business Acumen Training GuidePresentation.pptx
PDF
TRAFFIC-MANAGEMENT-AND-ACCIDENT-INVESTIGATION-WITH-DRIVING-PDF-FILE.pdf
AI Strategy room jwfjksfksfjsjsjsjsjfsjfsj
IBA_Chapter_11_Slides_Final_Accessible.pptx
mbdjdhjjodule 5-1 rhfhhfjtjjhafbrhfnfbbfnb
Introduction to Firewall Analytics - Interfirewall and Transfirewall.pptx
Reliability_Chapter_ presentation 1221.5784
Business Analytics and business intelligence.pdf
Recruitment and Placement PPT.pdfbjfibjdfbjfobj
Database Infoormation System (DBIS).pptx
1_Introduction to advance data techniques.pptx
22.Patil - Early prediction of Alzheimer’s disease using convolutional neural...
Business Ppt On Nestle.pptx huunnnhhgfvu
DISORDERS OF THE LIVER, GALLBLADDER AND PANCREASE (1).pptx
Introduction to machine learning and Linear Models
BF and FI - Blockchain, fintech and Financial Innovation Lesson 2.pdf
Qualitative Qantitative and Mixed Methods.pptx
climate analysis of Dhaka ,Banglades.pptx
MODULE 8 - DISASTER risk PREPAREDNESS.pptx
ALIMENTARY AND BILIARY CONDITIONS 3-1.pptx
Business Acumen Training GuidePresentation.pptx
TRAFFIC-MANAGEMENT-AND-ACCIDENT-INVESTIGATION-WITH-DRIVING-PDF-FILE.pdf

GroupFace (Face Recognition)

  • 1. Susang Kim(healess1@gmail.com) Face Recognition GroupFace: Learning Latent Groups and Constructing Group-based Representations for Face Recognition
  • 2. Face Recognition(Recap) Deep Learning boosts the performance. sparse-representation-based classifier DEEP FR SYSTEM WITH FACE DETECTOR AND ALIGNMENT. 1) A FACE DETECTOR IS USED TO LOCALIZE FACES. 2) THE FACES ARE ALIGNED TO NORMALIZED CANONICAL COORDINATES. 3) FACE ANTI-SPOOFING RECOGNIZES WHETHER THE FACE IS LIVE OR SPOOFED; 4) FACE PROCESSING IS USED TO HANDLE VARIATIONS BEFORE TRAINING AND TESTING, (E.G. POSES, AGES; DIFFERENT ARCHITECTURES AND LOSS FUNCTIONS TO EXTRACT DISCRIMINATIVE DEEP FEATURE WHEN TRAINING) FACE MATCHING METHODS ARE USED TO DO FEATURE CLASSIFICATION AFTER THE DEEP FEATURES OF TESTING DATA ARE EXTRACTED. Deep Face Recognition: A Survey: https://arxiv.org/pdf/1804.06655.pdf
  • 3. Deep Face Recognition: A Survey : https://arxiv.org/pdf/1804.06655.pdf Face recognition focused on improving the loss function. 1) Softmax Loss and its Variations (Deepface) 2) Euclidean-distance-based Loss (FaceNet) 3) Angular/cosine-margin-based Loss (Sphereface, arcface) ⇒ +GroupFace(group-aware representation + Self-distributed Face Recognition research is highly saturated
  • 4. Racial Faces in-the-Wild (RFW) database proved that existing commercial APIs and the SOTA algorithms indeed work unequally for different races and the maximum difference in error rate between the best and worst groups is 12%, as shown in Table VIII. Racial Faces in-the-Wild : https://arxiv.org/pdf/1812.00194.pdf Validated the racial bias (RFW dataset - ICCV 2019) If the faces used to train the algorithm are predominantly white men, the system will have a harder time recognizing anyone who doesn't fit.
  • 5. Kakao에서 쓴 얼굴인식 최신 논문 (CVPR 2020)으로 종래에 Metric Learning을 통한 Loss개선 중 심에서 Group Learning의 추가 적용을 통해 각 Group 간의 sample 수를 Uniform하게 분 포하게 함으로써 Search Space를 줄일 수 있게 되었고 1:1 face verification과 1:N face identification tasks에서 Public Data로 LFW, YTF, CALFW, CPLFW, CFP, AgeDB- 30, MegaFace, IJB-B and IJB-C 부문 SOTA 기록 https://arxiv.org/pdf/2005.10497.pdf Face Recognition Paper (CVPR 2020)
  • 6. 유사한 얼굴의 Group Learning을 통해 Identity 별 Search Space 적용 Summary of Group Learning
  • 7. Each person has own characteristics in his or her face. At the same time, they have common ones shared in a group of people. In the real world, group-based description (man with deep, black eyes and red beard) that involves common characteristics in the group, can be useful to narrow down the set of candidates, even though it cannot identify the exact person. We propose a novel face-recognition architecture called GroupFace that learns multiple latent groups and constructs group-aware representations to effectively adopt the concept of grouping Instance + Group = Enriched Feature 종래방식
  • 9. ResNet-100 5 points normalized face (112x112) Follow Arcface/Cosface to set the hyper- parameters of the loss function(softmax- based) identity label given sample embedding feature function number of identities Instance-based Representation
  • 10. Accuracy Practical BN+FC Group-aware Representation Structure group-aware similarity cosine similarity (instance) distance metric (group) The parameters are determined empirically to be β = 0.1 and γ = 1/3. Group-aware Similarity
  • 11. Naive Labeling (non-uniform group) Self-distributed Labeling Self-distributed Grouping normalized probability K groups Expected value = 0 (to generate uniformly-distributed group labels)
  • 12. arcface loss self-grouping loss empirically set to 0.1 SphereFace : https://arxiv.org/pdf/1704.08063.pdf Comparison of decision boundaries in binary case. Note that, θi is the angle between Wi and x. Loss Function for Learning
  • 13. Train Data : MSCeleb-1M (10M images for 100K identities / refined version (3.8M images for 85k identities) Test Data : nine commonly used datasets (LFW, YTF, CALFW, CPLFW, CFP, AgeDB-30, MegaFace, IJB-B and IJB-C) Metrics : TAR@FAR = 1e-6 / TAR@FAR=1e-5 (Compare a True Accept Rate at a certain False Accept Rate) Baseline Model : ArcFace(ResNet-100) GDN(two blocks of MLP[BN-FC] and a FC for group classification) Learning : 8 synchronized GPUs and a mini-batch involving 128 images per GPU learning rate : 0.005 for the first 50k, 0.0005 for the 20k, and 0.00005 for 10k with a weight decay of 0.0005 and a momentum of 0.9 with stochastic gradient descent (SGD) Pre-trained network : only the softmax-based loss(Arcface).(To stable the group-probability) Experiments
  • 14. GroupFace is also effective for a lightweight model such as ResNet-34 that requires only 8.9 GFLOPS less than ResNet-100, which requires 24.2 GFLOPS. ResNet-34 based GroupFace shows a similar performance of ResNet-100 based ArcFace and greatly outperforms ResNet-100 in a most difficult criterion (FAR=1e-6). Ablation Studies
  • 15. Self-distributed grouping ⇒ uniform distribution Group-aware representations ⇒ search space GDN : self group + latent group ⇒ 어느정도 불균형은 있으나 전반적으로 균일함 Evaluations
  • 16. Example images belonging to each groups. As enormous identities (80k∼) of large scale dataset cannot be mapped to a few groups (32), each group contains identities of multiple characteristics. Some groups have one common visual description (Group 5: Some Men, Group 20: Bald Men) with some variations while others have multi-mode visual descriptions. GroupFace is summarized in two main ways: (1) It is well known that additional supervisions from different objectives can bring an improvement of the given task by sharing a network for feature extraction, a segmentation head can improve accuracy in object detection. Likewise, learning the groups can be a helpful cue to train a more generalized feature extractor for face recognition. (2) GroupFace proposes a novel structure that fuses instance based representation and group-based representation, which is empirically proved its effectiveness. Conclusion
  • 17. Thanks Any Questions? You can send mail to Susang Kim(healess1@gmail.com)