SlideShare ist ein Scribd-Unternehmen logo
1 von 41
Downloaden Sie, um offline zu lesen
PR:185
RetinaFace: Single-stage Dense Face
Localisation in the Wild
visionNoobDeng, Jiankang, et al. "RetinaFace: Single-stage Dense Face Localisation in the Wild." arXiv preprint arXiv:1905.00641 (2019).
(Submitted on 2 May 2019 (v1), last revised 4 May 2019 (this version, v2))
Face Detection
state-of-the-art face detection
Definition : face localization
Broader definition : face localization + landmark detection + pixel-wise face parsing + 3d reconstruction
Encoder
Encoder
ℝ"#$ Unit vector
Similarity
[0,1]
if (similarity < threshold):
same!
else:
no same!
L2norm
L2norm
Unit vector
Preprocessing
Preprocessing
ℝ"#$
0. Face Recognition
NaĂŻve Example : Face Verification
Encoder
ℝ"#$
Preprocessing
0. Face Recognition
NaĂŻve Example : Face Verification
ROI region Face Registration
112px
112px
Detecting
1. Facial location
2. Facial Landmarks
Preprocessing
1. Introduction
1.2 RetinaFace
1. Introduction
1.2 RetinaFace
face localization(bbox) + face landmarks(key points) + Dense localization mask
1. Introduction
1.3 Main Contributions
1. Based on a single-stage design, we propose a novel pixel-wise face localisation
method named RetinaFace, which employs a multi-task learning strategy to
simultaneously predict face score, face box, five facial landmarks, and 3D position and
correspondence of of each facial pixel.
2. On the WIDER FACE hard subset, RetinaFace outperforms the AP of the state of the
art two-stage method.
3. On the IJB-C dataset, RetinaFace helps to improve ArcFace’s verification accuracy.
4. By employing light-weight backbone networks, RetinaFace can run real-time on a
single CPU core for a VGA-resolution image.
5. Extra annotations and code have been released to facilitate future research.
WIDER Face & Person Challenge 2019
Track 1: Face Detection Track 2: Pedestrian Detection
Track 3: Cast Search by Portrait Track 4: Person Search by Language
http://wider-challenge.org/2019.html
2. Related Work
2.1 Image Pyramid vs Feature Pyramid
2. Related Work
2.1. Image pyramid v.s. feature pyramid
2.2. Two-stage v.s. single-stage
2.3. Context Modelling
2.4. Multi-task Learning
Hao, Zekun, et al. "Scale-aware face detection." Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2017.
Feature PyramidImage Pyramid
2. Related Work
2.2 Two-stage v.s. single-stage
2. Related Work
2.1. Image pyramid v.s. feature pyramid
2.2. Two-stage v.s. single-stage
2.3. Context Modelling
2.4. Multi-task Learning
2. Related Work
2.3 Context Modeling
2. Related Work
2.1. Image pyramid v.s. feature pyramid
2.2. Two-stage v.s. single-stage
2.3. Context Modelling
2.4. Multi-task LearningContext Module
To enhance the model’s contextual reasoning power.
2. Related Work
2.3 Context Modeling
2. Related Work
2.1 Image pyramid v.s. feature pyramid
2.2 Two-stage v.s. single-stage
2.3 Context Modelling
2.4 Multi-task LearningDeformable Convolutional Network
J. Dai, H. Qi, Y. Xiong, Y. Li, G. Zhang, H. Hu, and Y. Wei. Deformable convolutional networks. In ICCV, 2017. 2,
X. Zhu, H. Hu, S. Lin, and J. Dai. Deformable convnets v2: More deformable, better results. arXiv:1811.11168, 2018.
2. Related Work
2.4 Multi-task Learning
2. Related Work
2.1. Image pyramid v.s. feature pyramid
2.2. Two-stage v.s. single-stage
2.3. Context Modelling
2.4. Multi-task Learning
He, Kaiming, et al. "Mask r-cnn." Proceedings of the IEEE international conference on computer vision. 2017.
Mask-rcnn
Multi-task learning
3. RetinaFace
3.1. Multi-task Loss
3. RetinaFace
3.1. Multi-task loss
3.2. Dense Regression Branch
Multi-task learning
3. RetinaFace
3.2. Dense Regression Branch
3. RetinaFace
3.1. Multi-task loss
3.2. Dense Regression Branch
Zhou, Yuxiang, et al. "Dense 3D Face Decoding over 2500FPS: Joint Texture & Shape Convolutional Mesh Decoders." Proceedings of the IEEE
Conference on Computer Vision and Pattern Recognition. 2019.
4. Experiments
4.1 Dataset
WIDER face (hard)
- 32,203 images, 393,703 face bboxes
(with a high degree of variability in scale, pose, expression, occlusion and illumination)
car accident coupleconcert
4. Experiments
4.1 Dataset
WIDER face (hard)
- 32,203 images, 393,703 face bboxes
(with a high degree of variability in scale, pose, expression, occlusion and illumination)
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
4. Experiments
4.1 Dataset
Extra Annotation
- Facial landmarks (eye centres, nose tip and mouth corners)
- 84.6k faces on the training set and 18.5k faces on the validation set.
4. Experiments
4.2 Implementation details
1. Feature pyramid
2. Context module
3. Anchor setting
4. Data augmentation
5. Training detail
6. Testing detail
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
# of anchors * (2 + 4 + 10 + 128 + 7 + 9)Conv -> DCN
4. Experiments
4.2 Implementation details
Anchor setting
- Scale step at 2^(1/3) and the aspect ratio at 1:1
- With the input image size at 640 × 640, the anchors can cover
scales from 16 × 16 to 406 × 406 on the feature pyramid levels.
In total, there are 102,300 anchors, and 75% of these anchors are
from P2.
- OHEM
- 1:3 (pos : neg)
1. Feature pyramid
2. Context module
3. Anchor setting
4. Data augmentation
5. Training detail
6. Testing detail
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
4. Experiments
4.2 Implementation details
Data augmentation
- Random crop
- Horizontal flip
- Photo-metric color distortion
Training Details
- SGD (momentum at 0.9, weight decay at 0.0005, batch size of 8 × 4)
- on four NVIDIA Tesla P40 (24GB) GPUs.
- The learning rate starts from 10−3, rising to 10−2 after 5 epochs,
then divided by 10 at 55 and 68 epochs.
- terminating at 80 epochs.
Testing Details
- flip as well as multi-scale (the short edge of image at [500, 800, 1100, 1400, 1700]) strategies.
- Box voting at IoU at 0.4 -> or NMS is okay
1. Feature pyramid
2. Context module
3. Anchor setting
4. Data augmentation
5. Training detail
6. Testing detail
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
4. Experiments – Ablation study
WIDER Face Dataset
(easy, medium, hard)
RetinaFace
Lightweight backbone -> Realtime inference
(MobileNet)
Face Detection
Face 5 Landmarks
Detection
Face
3D reconstruction
SOTA (AP 91.4%)
ArcFace
(with RetinaNet)
IJB-C Dataset
Better verification accuracyExtra supervision
4. Experiments
4.3. Ablation Study
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
IoU=0.5:0.05:0.95IoU=0.5
4. Experiments
4.3. Ablation Study
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
IoU=0.5:0.05:0.95IoU=0.5
He, Kaiming, et al. "Mask r-cnn." Proceedings of the IEEE international conference on computer vision. 2017.
From Mask r-cnn
4. Experiments : Face Box Accuracy
WIDER Face Dataset
(easy, medium, hard)
RetinaFace
Lightweight backbone -> Realtime inference
(MobileNet)
Face Detection
Face 5 Landmarks
Detection
Face
3D reconstruction
SOTA (AP 91.4%)
ArcFace
(with RetinaNet)
IJB-C Dataset
Better verification accuracyExtra supervision
4. Experiments
4.4. Face box Accuracy (WIDER face)
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
4. Experiments : Five Facial Landmarks Accuracy
WIDER Face Dataset
(easy, medium, hard)
RetinaFace
Lightweight backbone -> Realtime inference
(MobileNet)
Face Detection
Face 5 Landmarks
Detection
Face
3D reconstruction
SOTA (AP 91.4%)
ArcFace
(with RetinaNet)
IJB-C Dataset
Better verification accuracyExtra supervision
4. Experiments
4.5. Five Facial Landmark Accuracy
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
cumulative error distribution (CED)normalised mean errors (NME)
https://pdfs.semanticscholar.org/b4d2/151e29fb12dbe5d164b430273de65103d39b.pdf
26.31%
9.37%
4. Experiments : Dense Facial Landmark Accuracy
WIDER Face Dataset
(easy, medium, hard)
RetinaFace
Lightweight backbone -> Realtime inference
(MobileNet)
Face Detection
Face 5 Landmarks
Detection
Face
3D reconstruction
SOTA (AP 91.4%)
ArcFace
(with RetinaNet)
IJB-C Dataset
Better verification accuracyExtra supervision
4. Experiments
4.6. Dense Facial Landmark Accuracy
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
4. Experiments : Face Recognition Accuracy
WIDER Face Dataset
(easy, medium, hard)
RetinaFace
Lightweight backbone -> Realtime inference
(MobileNet)
Face Detection
Face 5 Landmarks
Detection
Face
3D reconstruction
SOTA (AP 91.4%)
ArcFace
(with RetinaNet)
IJB-C Dataset
Better verification accuracyExtra supervision
4. Experiments
4.7. Face Recognition Accuracy
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
4. Experiments : Inference Accuracy
WIDER Face Dataset
(easy, medium, hard)
RetinaFace
Lightweight backbone -> Realtime inference
(MobileNet)
Face Detection
Face 5 Landmarks
Detection
Face
3D reconstruction
SOTA (AP 91.4%)
ArcFace
(with RetinaNet)
IJB-C Dataset
Better verification accuracyExtra supervision
4. Experiments
4.8. Inference Efficiency
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
https://github.com/deepinsight/insightface/tree/master/RetinaFace
4. Experiments
4.8. Inference Efficiency
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
https://github.com/deepinsight/insightface/tree/master/RetinaFace
Yoo, YoungJoon, Dongyoon Han, and Sangdoo Yun. "EXTD: Extremely Tiny Face Detector via Iterative Filter Reuse." arXiv preprint arXiv:1906.06579 (2019).
4. Experiments
4.8. Inference Efficiency
4.1. Dataset
4.2. Implementation details
4.3. Ablation Study
4.4. Face box Accuracy
4.5. Five Facial Landmark Accuracy
4.6. Dense Facial Landmark Accuracy
4.7. Face Recognition Accuracy
4.8. Inference Efficiency
https://github.com/deepinsight/insightface/tree/master/RetinaFace
Yoo, YoungJoon, Dongyoon Han, and Sangdoo Yun. "EXTD: Extremely Tiny Face Detector via Iterative Filter Reuse." arXiv preprint arXiv:1906.06579 (2019).
5. Conclusion
WIDER Face Dataset
(easy, medium, hard)
RetinaFace
Lightweight backbone -> Realtime inference
(MobileNet)
Face Detection
Face 5 Landmarks
Detection
Face
3D reconstruction
SOTA (AP 91.4%)
ArcFace
(with RetinaNet)
IJB-C Dataset
Better verification accuracyExtra supervision
Code is available at https://github.com/deepinsight/insightface
(MXNet)
https://ibug.doc.ic.ac.uk/resources/lightweight-face-recognition-challenge-workshop/
Lightweight Face Recognition Challenge
https://ibug.doc.ic.ac.uk/resources/lightweight-face-recognition-challenge-workshop/
Discussion

Weitere Àhnliche Inhalte

Was ist angesagt?

HUMAN FACE IDENTIFICATION
HUMAN FACE IDENTIFICATION HUMAN FACE IDENTIFICATION
HUMAN FACE IDENTIFICATION
bhupesh lahare
 
3D Point Cloud analysis using Deep Learning
3D Point Cloud analysis using Deep Learning3D Point Cloud analysis using Deep Learning
3D Point Cloud analysis using Deep Learning
Data Science Milan
 
SSII2021 [SS2] Deepfake Generation and Detection – An Overview ïŒˆăƒ‡ă‚ŁăƒŒăƒ—ăƒ•ă‚§ă‚€ă‚Żăźç”Ÿæˆăšæ€œć‡ș
SSII2021 [SS2] Deepfake Generation and Detection – An Overview ïŒˆăƒ‡ă‚ŁăƒŒăƒ—ăƒ•ă‚§ă‚€ă‚Żăźç”Ÿæˆăšæ€œć‡șSSII2021 [SS2] Deepfake Generation and Detection – An Overview ïŒˆăƒ‡ă‚ŁăƒŒăƒ—ăƒ•ă‚§ă‚€ă‚Żăźç”Ÿæˆăšæ€œć‡ș
SSII2021 [SS2] Deepfake Generation and Detection – An Overview ïŒˆăƒ‡ă‚ŁăƒŒăƒ—ăƒ•ă‚§ă‚€ă‚Żăźç”Ÿæˆăšæ€œć‡ș
SSII
 

Was ist angesagt? (20)

Face recognition
Face recognition Face recognition
Face recognition
 
HUMAN FACE IDENTIFICATION
HUMAN FACE IDENTIFICATION HUMAN FACE IDENTIFICATION
HUMAN FACE IDENTIFICATION
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technology
 
PR 127: FaceNet
PR 127: FaceNetPR 127: FaceNet
PR 127: FaceNet
 
Facial recognition system
Facial recognition systemFacial recognition system
Facial recognition system
 
Face Recognition
Face RecognitionFace Recognition
Face Recognition
 
3D Point Cloud analysis using Deep Learning
3D Point Cloud analysis using Deep Learning3D Point Cloud analysis using Deep Learning
3D Point Cloud analysis using Deep Learning
 
Face recognition system
Face recognition systemFace recognition system
Face recognition system
 
Face recognization using artificial nerual network
Face recognization using artificial nerual networkFace recognization using artificial nerual network
Face recognization using artificial nerual network
 
Depth estimation using deep learning
Depth estimation using deep learningDepth estimation using deep learning
Depth estimation using deep learning
 
Face detection
Face detectionFace detection
Face detection
 
SSII2021 [SS2] Deepfake Generation and Detection – An Overview ïŒˆăƒ‡ă‚ŁăƒŒăƒ—ăƒ•ă‚§ă‚€ă‚Żăźç”Ÿæˆăšæ€œć‡ș
SSII2021 [SS2] Deepfake Generation and Detection – An Overview ïŒˆăƒ‡ă‚ŁăƒŒăƒ—ăƒ•ă‚§ă‚€ă‚Żăźç”Ÿæˆăšæ€œć‡șSSII2021 [SS2] Deepfake Generation and Detection – An Overview ïŒˆăƒ‡ă‚ŁăƒŒăƒ—ăƒ•ă‚§ă‚€ă‚Żăźç”Ÿæˆăšæ€œć‡ș
SSII2021 [SS2] Deepfake Generation and Detection – An Overview ïŒˆăƒ‡ă‚ŁăƒŒăƒ—ăƒ•ă‚§ă‚€ă‚Żăźç”Ÿæˆăšæ€œć‡ș
 
A brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsA brief introduction to recent segmentation methods
A brief introduction to recent segmentation methods
 
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
 
Image Restoration for 3D Computer Vision
Image Restoration for 3D Computer VisionImage Restoration for 3D Computer Vision
Image Restoration for 3D Computer Vision
 
Face Recognition Techniques
Face Recognition TechniquesFace Recognition Techniques
Face Recognition Techniques
 
Face detection and recognition using surveillance camera2 edited
Face detection and recognition using surveillance camera2 editedFace detection and recognition using surveillance camera2 edited
Face detection and recognition using surveillance camera2 edited
 
Face detection and recognition
Face detection and recognitionFace detection and recognition
Face detection and recognition
 
Image Processing Basics
Image Processing BasicsImage Processing Basics
Image Processing Basics
 
Deformable Convolutional Network (2017)
Deformable Convolutional Network (2017)Deformable Convolutional Network (2017)
Deformable Convolutional Network (2017)
 

Ähnlich wie PR-185: RetinaFace: Single-stage Dense Face Localisation in the Wild

Deep learning for understanding faces
Deep learning for understanding facesDeep learning for understanding faces
Deep learning for understanding faces
sieubebu
 
Real time multi face detection using deep learning
Real time multi face detection using deep learningReal time multi face detection using deep learning
Real time multi face detection using deep learning
Reallykul Kuul
 
Iris & Peri-ocular Recognition
Iris & Peri-ocular RecognitionIris & Peri-ocular Recognition
Iris & Peri-ocular Recognition
Shashank Dhariwal
 

Ähnlich wie PR-185: RetinaFace: Single-stage Dense Face Localisation in the Wild (20)

Semantic 3DTV Content Analysis and Description
Semantic 3DTV Content Analysis and DescriptionSemantic 3DTV Content Analysis and Description
Semantic 3DTV Content Analysis and Description
 
Report face recognition : ArganRecogn
Report face recognition :  ArganRecognReport face recognition :  ArganRecogn
Report face recognition : ArganRecogn
 
Deep learning for understanding faces
Deep learning for understanding facesDeep learning for understanding faces
Deep learning for understanding faces
 
IRJET- Prediction of Facial Attribute without Landmark Information
IRJET-  	  Prediction of Facial Attribute without Landmark InformationIRJET-  	  Prediction of Facial Attribute without Landmark Information
IRJET- Prediction of Facial Attribute without Landmark Information
 
Real time multi face detection using deep learning
Real time multi face detection using deep learningReal time multi face detection using deep learning
Real time multi face detection using deep learning
 
Deep Learning for Computer Vision: Face Recognition (UPC 2016)
Deep Learning for Computer Vision: Face Recognition (UPC 2016)Deep Learning for Computer Vision: Face Recognition (UPC 2016)
Deep Learning for Computer Vision: Face Recognition (UPC 2016)
 
Real time facial expression analysis using pca
Real time facial expression analysis using pcaReal time facial expression analysis using pca
Real time facial expression analysis using pca
 
Face and Eye Detection Varying Scenarios With Haar Classifier_2015
Face and Eye Detection Varying Scenarios With Haar Classifier_2015Face and Eye Detection Varying Scenarios With Haar Classifier_2015
Face and Eye Detection Varying Scenarios With Haar Classifier_2015
 
IRJET- A Survey on Facial Expression Recognition Robust to Partial Occlusion
IRJET- A Survey on Facial Expression Recognition Robust to Partial OcclusionIRJET- A Survey on Facial Expression Recognition Robust to Partial Occlusion
IRJET- A Survey on Facial Expression Recognition Robust to Partial Occlusion
 
Realtime face matching and gender prediction based on deep learning
Realtime face matching and gender prediction based on deep learningRealtime face matching and gender prediction based on deep learning
Realtime face matching and gender prediction based on deep learning
 
IRJET - A Review on Face Recognition using Deep Learning Algorithm
IRJET -  	  A Review on Face Recognition using Deep Learning AlgorithmIRJET -  	  A Review on Face Recognition using Deep Learning Algorithm
IRJET - A Review on Face Recognition using Deep Learning Algorithm
 
Real-time eyeglass detection using transfer learning for non-standard facial...
Real-time eyeglass detection using transfer learning for  non-standard facial...Real-time eyeglass detection using transfer learning for  non-standard facial...
Real-time eyeglass detection using transfer learning for non-standard facial...
 
Iris & Peri-ocular Recognition
Iris & Peri-ocular RecognitionIris & Peri-ocular Recognition
Iris & Peri-ocular Recognition
 
Long-term Face Tracking in the Wild using Deep Learning
Long-term Face Tracking in the Wild using Deep LearningLong-term Face Tracking in the Wild using Deep Learning
Long-term Face Tracking in the Wild using Deep Learning
 
Multimodal Biometrics Recognition from Facial Video via Deep Learning
Multimodal Biometrics Recognition from Facial Video via Deep Learning Multimodal Biometrics Recognition from Facial Video via Deep Learning
Multimodal Biometrics Recognition from Facial Video via Deep Learning
 
MULTIMODAL BIOMETRICS RECOGNITION FROM FACIAL VIDEO VIA DEEP LEARNING
MULTIMODAL BIOMETRICS RECOGNITION FROM FACIAL VIDEO VIA DEEP LEARNINGMULTIMODAL BIOMETRICS RECOGNITION FROM FACIAL VIDEO VIA DEEP LEARNING
MULTIMODAL BIOMETRICS RECOGNITION FROM FACIAL VIDEO VIA DEEP LEARNING
 
Introducing Set Of Internal Parameters For Laplacian Faces
Introducing Set Of Internal Parameters For Laplacian FacesIntroducing Set Of Internal Parameters For Laplacian Faces
Introducing Set Of Internal Parameters For Laplacian Faces
 
Secure System based on Dynamic Features of IRIS Recognition
Secure System based on Dynamic Features of IRIS RecognitionSecure System based on Dynamic Features of IRIS Recognition
Secure System based on Dynamic Features of IRIS Recognition
 
Criminal Detection System
Criminal Detection SystemCriminal Detection System
Criminal Detection System
 
IRJET- Face Spoofing Detection Based on Texture Analysis and Color Space Conv...
IRJET- Face Spoofing Detection Based on Texture Analysis and Color Space Conv...IRJET- Face Spoofing Detection Based on Texture Analysis and Color Space Conv...
IRJET- Face Spoofing Detection Based on Texture Analysis and Color Space Conv...
 

Mehr von jaewon lee (9)

PR-199: SNIPER:Efficient Multi Scale Training
PR-199: SNIPER:Efficient Multi Scale TrainingPR-199: SNIPER:Efficient Multi Scale Training
PR-199: SNIPER:Efficient Multi Scale Training
 
PR-146: CornerNet detecting objects as paired keypoints
PR-146: CornerNet detecting objects as paired keypointsPR-146: CornerNet detecting objects as paired keypoints
PR-146: CornerNet detecting objects as paired keypoints
 
PR 171: Large margin softmax loss for Convolutional Neural Networks
PR 171: Large margin softmax loss for Convolutional Neural NetworksPR 171: Large margin softmax loss for Convolutional Neural Networks
PR 171: Large margin softmax loss for Convolutional Neural Networks
 
PR157: Best of both worlds: human-machine collaboration for object annotation
PR157: Best of both worlds: human-machine collaboration for object annotationPR157: Best of both worlds: human-machine collaboration for object annotation
PR157: Best of both worlds: human-machine collaboration for object annotation
 
PR-122: Can-Creative Adversarial Networks
PR-122: Can-Creative Adversarial NetworksPR-122: Can-Creative Adversarial Networks
PR-122: Can-Creative Adversarial Networks
 
Rgb data
Rgb dataRgb data
Rgb data
 
Pytorch kr devcon
Pytorch kr devconPytorch kr devcon
Pytorch kr devcon
 
PR-134 How Does Batch Normalization Help Optimization?
PR-134 How Does Batch Normalization Help Optimization?PR-134 How Does Batch Normalization Help Optimization?
PR-134 How Does Batch Normalization Help Optimization?
 
PR-110: An Analysis of Scale Invariance in Object Detection – SNIP
PR-110: An Analysis of Scale Invariance in Object Detection – SNIPPR-110: An Analysis of Scale Invariance in Object Detection – SNIP
PR-110: An Analysis of Scale Invariance in Object Detection – SNIP
 

KĂŒrzlich hochgeladen

Call Girls In Bellandur ☎ 7737669865 đŸ„” Book Your One night Stand
Call Girls In Bellandur ☎ 7737669865 đŸ„” Book Your One night StandCall Girls In Bellandur ☎ 7737669865 đŸ„” Book Your One night Stand
Call Girls In Bellandur ☎ 7737669865 đŸ„” Book Your One night Stand
amitlee9823
 
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
amitlee9823
 
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
only4webmaster01
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
ZurliaSoop
 
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
amitlee9823
 
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
amitlee9823
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
AroojKhan71
 
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
amitlee9823
 
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
amitlee9823
 
Call Girls In Doddaballapur Road ☎ 7737669865 đŸ„” Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 đŸ„” Book Your One night StandCall Girls In Doddaballapur Road ☎ 7737669865 đŸ„” Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 đŸ„” Book Your One night Stand
amitlee9823
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
SUHANI PANDEY
 

KĂŒrzlich hochgeladen (20)

Capstone Project on IBM Data Analytics Program
Capstone Project on IBM Data Analytics ProgramCapstone Project on IBM Data Analytics Program
Capstone Project on IBM Data Analytics Program
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptx
 
Call Girls In Bellandur ☎ 7737669865 đŸ„” Book Your One night Stand
Call Girls In Bellandur ☎ 7737669865 đŸ„” Book Your One night StandCall Girls In Bellandur ☎ 7737669865 đŸ„” Book Your One night Stand
Call Girls In Bellandur ☎ 7737669865 đŸ„” Book Your One night Stand
 
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
 
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
 
5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed
5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed
5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Research
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
 
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
 
April 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's AnalysisApril 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's Analysis
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptx
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
 
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
 
Generative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusGenerative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and Milvus
 
BDSM⚡Call Girls in Mandawali Delhi >àŒ’8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >àŒ’8448380779 Escort ServiceBDSM⚡Call Girls in Mandawali Delhi >àŒ’8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >àŒ’8448380779 Escort Service
 
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
 
Call Girls In Doddaballapur Road ☎ 7737669865 đŸ„” Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 đŸ„” Book Your One night StandCall Girls In Doddaballapur Road ☎ 7737669865 đŸ„” Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 đŸ„” Book Your One night Stand
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
 

PR-185: RetinaFace: Single-stage Dense Face Localisation in the Wild

  • 1. PR:185 RetinaFace: Single-stage Dense Face Localisation in the Wild visionNoobDeng, Jiankang, et al. "RetinaFace: Single-stage Dense Face Localisation in the Wild." arXiv preprint arXiv:1905.00641 (2019). (Submitted on 2 May 2019 (v1), last revised 4 May 2019 (this version, v2))
  • 2. Face Detection state-of-the-art face detection Definition : face localization Broader definition : face localization + landmark detection + pixel-wise face parsing + 3d reconstruction
  • 3. Encoder Encoder ℝ"#$ Unit vector Similarity [0,1] if (similarity < threshold): same! else: no same! L2norm L2norm Unit vector Preprocessing Preprocessing ℝ"#$ 0. Face Recognition NaĂŻve Example : Face Verification
  • 4. Encoder ℝ"#$ Preprocessing 0. Face Recognition NaĂŻve Example : Face Verification ROI region Face Registration 112px 112px Detecting 1. Facial location 2. Facial Landmarks Preprocessing
  • 6. 1. Introduction 1.2 RetinaFace face localization(bbox) + face landmarks(key points) + Dense localization mask
  • 7.
  • 8. 1. Introduction 1.3 Main Contributions 1. Based on a single-stage design, we propose a novel pixel-wise face localisation method named RetinaFace, which employs a multi-task learning strategy to simultaneously predict face score, face box, five facial landmarks, and 3D position and correspondence of of each facial pixel. 2. On the WIDER FACE hard subset, RetinaFace outperforms the AP of the state of the art two-stage method. 3. On the IJB-C dataset, RetinaFace helps to improve ArcFace’s verification accuracy. 4. By employing light-weight backbone networks, RetinaFace can run real-time on a single CPU core for a VGA-resolution image. 5. Extra annotations and code have been released to facilitate future research.
  • 9. WIDER Face & Person Challenge 2019 Track 1: Face Detection Track 2: Pedestrian Detection Track 3: Cast Search by Portrait Track 4: Person Search by Language http://wider-challenge.org/2019.html
  • 10. 2. Related Work 2.1 Image Pyramid vs Feature Pyramid 2. Related Work 2.1. Image pyramid v.s. feature pyramid 2.2. Two-stage v.s. single-stage 2.3. Context Modelling 2.4. Multi-task Learning Hao, Zekun, et al. "Scale-aware face detection." Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2017. Feature PyramidImage Pyramid
  • 11. 2. Related Work 2.2 Two-stage v.s. single-stage 2. Related Work 2.1. Image pyramid v.s. feature pyramid 2.2. Two-stage v.s. single-stage 2.3. Context Modelling 2.4. Multi-task Learning
  • 12. 2. Related Work 2.3 Context Modeling 2. Related Work 2.1. Image pyramid v.s. feature pyramid 2.2. Two-stage v.s. single-stage 2.3. Context Modelling 2.4. Multi-task LearningContext Module To enhance the model’s contextual reasoning power.
  • 13. 2. Related Work 2.3 Context Modeling 2. Related Work 2.1 Image pyramid v.s. feature pyramid 2.2 Two-stage v.s. single-stage 2.3 Context Modelling 2.4 Multi-task LearningDeformable Convolutional Network J. Dai, H. Qi, Y. Xiong, Y. Li, G. Zhang, H. Hu, and Y. Wei. Deformable convolutional networks. In ICCV, 2017. 2, X. Zhu, H. Hu, S. Lin, and J. Dai. Deformable convnets v2: More deformable, better results. arXiv:1811.11168, 2018.
  • 14. 2. Related Work 2.4 Multi-task Learning 2. Related Work 2.1. Image pyramid v.s. feature pyramid 2.2. Two-stage v.s. single-stage 2.3. Context Modelling 2.4. Multi-task Learning He, Kaiming, et al. "Mask r-cnn." Proceedings of the IEEE international conference on computer vision. 2017. Mask-rcnn Multi-task learning
  • 15. 3. RetinaFace 3.1. Multi-task Loss 3. RetinaFace 3.1. Multi-task loss 3.2. Dense Regression Branch Multi-task learning
  • 16. 3. RetinaFace 3.2. Dense Regression Branch 3. RetinaFace 3.1. Multi-task loss 3.2. Dense Regression Branch Zhou, Yuxiang, et al. "Dense 3D Face Decoding over 2500FPS: Joint Texture & Shape Convolutional Mesh Decoders." Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2019.
  • 17. 4. Experiments 4.1 Dataset WIDER face (hard) - 32,203 images, 393,703 face bboxes (with a high degree of variability in scale, pose, expression, occlusion and illumination)
  • 18. car accident coupleconcert 4. Experiments 4.1 Dataset WIDER face (hard) - 32,203 images, 393,703 face bboxes (with a high degree of variability in scale, pose, expression, occlusion and illumination) 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency
  • 19. 4. Experiments 4.1 Dataset Extra Annotation - Facial landmarks (eye centres, nose tip and mouth corners) - 84.6k faces on the training set and 18.5k faces on the validation set.
  • 20. 4. Experiments 4.2 Implementation details 1. Feature pyramid 2. Context module 3. Anchor setting 4. Data augmentation 5. Training detail 6. Testing detail 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency # of anchors * (2 + 4 + 10 + 128 + 7 + 9)Conv -> DCN
  • 21. 4. Experiments 4.2 Implementation details Anchor setting - Scale step at 2^(1/3) and the aspect ratio at 1:1 - With the input image size at 640 × 640, the anchors can cover scales from 16 × 16 to 406 × 406 on the feature pyramid levels. In total, there are 102,300 anchors, and 75% of these anchors are from P2. - OHEM - 1:3 (pos : neg) 1. Feature pyramid 2. Context module 3. Anchor setting 4. Data augmentation 5. Training detail 6. Testing detail 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency
  • 22. 4. Experiments 4.2 Implementation details Data augmentation - Random crop - Horizontal flip - Photo-metric color distortion Training Details - SGD (momentum at 0.9, weight decay at 0.0005, batch size of 8 × 4) - on four NVIDIA Tesla P40 (24GB) GPUs. - The learning rate starts from 10−3, rising to 10−2 after 5 epochs, then divided by 10 at 55 and 68 epochs. - terminating at 80 epochs. Testing Details - flip as well as multi-scale (the short edge of image at [500, 800, 1100, 1400, 1700]) strategies. - Box voting at IoU at 0.4 -> or NMS is okay 1. Feature pyramid 2. Context module 3. Anchor setting 4. Data augmentation 5. Training detail 6. Testing detail 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency
  • 23. 4. Experiments – Ablation study WIDER Face Dataset (easy, medium, hard) RetinaFace Lightweight backbone -> Realtime inference (MobileNet) Face Detection Face 5 Landmarks Detection Face 3D reconstruction SOTA (AP 91.4%) ArcFace (with RetinaNet) IJB-C Dataset Better verification accuracyExtra supervision
  • 24. 4. Experiments 4.3. Ablation Study 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency IoU=0.5:0.05:0.95IoU=0.5
  • 25. 4. Experiments 4.3. Ablation Study 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency IoU=0.5:0.05:0.95IoU=0.5 He, Kaiming, et al. "Mask r-cnn." Proceedings of the IEEE international conference on computer vision. 2017. From Mask r-cnn
  • 26. 4. Experiments : Face Box Accuracy WIDER Face Dataset (easy, medium, hard) RetinaFace Lightweight backbone -> Realtime inference (MobileNet) Face Detection Face 5 Landmarks Detection Face 3D reconstruction SOTA (AP 91.4%) ArcFace (with RetinaNet) IJB-C Dataset Better verification accuracyExtra supervision
  • 27. 4. Experiments 4.4. Face box Accuracy (WIDER face) 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency
  • 28. 4. Experiments : Five Facial Landmarks Accuracy WIDER Face Dataset (easy, medium, hard) RetinaFace Lightweight backbone -> Realtime inference (MobileNet) Face Detection Face 5 Landmarks Detection Face 3D reconstruction SOTA (AP 91.4%) ArcFace (with RetinaNet) IJB-C Dataset Better verification accuracyExtra supervision
  • 29. 4. Experiments 4.5. Five Facial Landmark Accuracy 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency cumulative error distribution (CED)normalised mean errors (NME) https://pdfs.semanticscholar.org/b4d2/151e29fb12dbe5d164b430273de65103d39b.pdf 26.31% 9.37%
  • 30. 4. Experiments : Dense Facial Landmark Accuracy WIDER Face Dataset (easy, medium, hard) RetinaFace Lightweight backbone -> Realtime inference (MobileNet) Face Detection Face 5 Landmarks Detection Face 3D reconstruction SOTA (AP 91.4%) ArcFace (with RetinaNet) IJB-C Dataset Better verification accuracyExtra supervision
  • 31. 4. Experiments 4.6. Dense Facial Landmark Accuracy 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency
  • 32. 4. Experiments : Face Recognition Accuracy WIDER Face Dataset (easy, medium, hard) RetinaFace Lightweight backbone -> Realtime inference (MobileNet) Face Detection Face 5 Landmarks Detection Face 3D reconstruction SOTA (AP 91.4%) ArcFace (with RetinaNet) IJB-C Dataset Better verification accuracyExtra supervision
  • 33. 4. Experiments 4.7. Face Recognition Accuracy 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency
  • 34. 4. Experiments : Inference Accuracy WIDER Face Dataset (easy, medium, hard) RetinaFace Lightweight backbone -> Realtime inference (MobileNet) Face Detection Face 5 Landmarks Detection Face 3D reconstruction SOTA (AP 91.4%) ArcFace (with RetinaNet) IJB-C Dataset Better verification accuracyExtra supervision
  • 35. 4. Experiments 4.8. Inference Efficiency 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency https://github.com/deepinsight/insightface/tree/master/RetinaFace
  • 36. 4. Experiments 4.8. Inference Efficiency 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency https://github.com/deepinsight/insightface/tree/master/RetinaFace Yoo, YoungJoon, Dongyoon Han, and Sangdoo Yun. "EXTD: Extremely Tiny Face Detector via Iterative Filter Reuse." arXiv preprint arXiv:1906.06579 (2019).
  • 37. 4. Experiments 4.8. Inference Efficiency 4.1. Dataset 4.2. Implementation details 4.3. Ablation Study 4.4. Face box Accuracy 4.5. Five Facial Landmark Accuracy 4.6. Dense Facial Landmark Accuracy 4.7. Face Recognition Accuracy 4.8. Inference Efficiency https://github.com/deepinsight/insightface/tree/master/RetinaFace Yoo, YoungJoon, Dongyoon Han, and Sangdoo Yun. "EXTD: Extremely Tiny Face Detector via Iterative Filter Reuse." arXiv preprint arXiv:1906.06579 (2019).
  • 38. 5. Conclusion WIDER Face Dataset (easy, medium, hard) RetinaFace Lightweight backbone -> Realtime inference (MobileNet) Face Detection Face 5 Landmarks Detection Face 3D reconstruction SOTA (AP 91.4%) ArcFace (with RetinaNet) IJB-C Dataset Better verification accuracyExtra supervision Code is available at https://github.com/deepinsight/insightface (MXNet)
  • 40. Lightweight Face Recognition Challenge https://ibug.doc.ic.ac.uk/resources/lightweight-face-recognition-challenge-workshop/