SlideShare a Scribd company logo
Face Recognition: From
Scratch To Hatch
Tyantov Eduard, Mail.ru Group
Face Recognition in Cloud@Mail.ru
Users upload photos to Cloud
Backend identifies persons on
photos, tags and show clusters
???
You
Your
Ex-Girlfriend
Social networks
Convolutional neural networks,
briefly
edges object parts (combination of edges) object models
Face Detection
Face detection
Auxiliary task: facial landmarks
– Face alignment: rotation
– Goal: make it easier for Face Recognition
Rotate
Train Datasets
Wider
– 32k images
– 494k faces
Celeba
– 200k images, 10k persons
– Landmarks, 40 binary attributes
Test Dataset: FDDB
Face Detection Data Set and Benchmark
– 2845 images
– 5171 faces
Old school: Viola-Jones
Haar Feature-based Cascade Classifiers
Haar-like features
eyes darker nose lighter
Examples
Viola-Jones algorithm: training
for each patch
AdaBoost
ensemble
features
160k
valuable
6k
weighted
sum
Face or NotDataset
Viola-Jones algorithm: inference
for each patch
Stages
Face
Yes Yes
Stage 1 Stage 2 Stage N
Optimization
– Features are grouped into stages
– If a patch fails any stage => discard
Viola-Jones results
OpenCV implementation
– Fast: ~100ms on CPU
FDDB results
0.45
– Not accurate
1. Pre-trained network: extracting features
New school: Region-based Convolutional Networks
Faster RCNN, algorithm
1
CNN
2
RPN
4
Classifier
Face ?
3
Roi-pooling
Feature Maps
3
2. Region proposal network3. RoI-pooling: extract corresponding tensor4. Classifier: classes and the bounding box
Comparison: Viola-Jones vs R-FCN
Results
– 92% accuracy (R-FCN)
FDDB
results
Viola-Jones (opencv)
0.45
HOG (dlib)
0.7
R-FCN
0.92
– 40ms on GPU (slow)
Face detection: how fast
We need faster solution at the same accuracy!
Target: < 10ms
Alternative: MTCNN
1
Different
scales
2
Proposal
CNN
3
Refine
CNN
4
Output
CNN
Cascade of 3 CNN
1. Resize to different scales2. Proposal -> candidates +
b-boxes
3. Refine -> calibration4. Output -> b-boxes +
landmarks
Comparison: MTCNN vs R-FCN
MTCNN
+ Faster
+ Landmarks
- Less accurate
- No batch processing
Model GPU Inference FDDB Precision
(100 errors)
R-FCN 40 ms 92%
MTCNN 17 ms 90%
TensorRT
What is TensorRT
NVIDIA TensorRT is a high-performance deep learning inference optimizer
Features
– Improves performance for complex networks
– FP16 & INT8 support
– Effective at small batch-sizes
TensorRT: layer optimizations
2. Horizontal fusion
3. Concat elision
1. Vertical layer fusion
TensorRT: downsides
1. Caffe + TensorFlow supported
2. Fixed input/batch size
3. Basic layers support
Batch processing
Problem
Image size is fixed, but
MTCNN works at different scales
Solution
Pyramid on a single image
Batch processing
Results
– Single run
– Enables batch processing
Model Inference
ms
MTCNN (Caffe, python) 17
MTCNN (Caffe, C++) 12.7
+ batch 10.7
TensorRT: layers
Problem
No PReLU layer => default pre-trained
model can’t be used
Retrained with ReLU from scratch
Model GPU Inference
ms
FDDB Precision
(100 errors)
MTCNN, batch 10.7 90%
+Tensor RT 8.8 91.2%
-20%
Face detection: inference
Target: < 10 ms
Result: 8.8 ms
Ingredients
1. MTCNN
2. Batch processing
3. TensorRT
Face Recognition
Face recognition task
– Goal – to compare faces
Latent
SpaceCNN
Embedding close
distant
Unseen
– How? To learn metric
– To enable Zero-shot learning
Training set: MSCeleb
– Top 100k celebrities
– 10 Million images, 100 per person
– Noisy: constructed by leveraging public search engines
Small test dataset: LFW
Labeled Faces in the Wild Home
– 13k images from the web
– 1680 persons have >= 2 photos
Large test dataset: Megaface
– Identification under up to 1 million “distractors”
– 530 people to find
Megaface leaderboard
~80%
Metric Learning
Classification
CNN
Embedding
Classify
– Train CNN to predict classes
– Pray for a good latent space
close
distant
Softmax
– Learned features only separable but not discriminative
– The resulting features are not sufficiently effective
close
We need metric learning
– Tightness of the cluster
– Discriminative features
Triplet loss
Features
– Identity -> single point
– Enforces a margin between persons
Anchor
Positive Negativepositive + α < negative
minimize maximize
Choosing triplets
Crucial problem
How to choose triplets ? Useful triplets = hardest errors
Pick all
positive
Too easy
Hard enough
Solution
Hard-mining within a large mini-batch (>1000)
Choosing triplets: trap
Choosing triplets: trap
Anchor
Positive positive ~ negative
minimize maximize
Negative
Choosing triplets: trap
Instead
Choosing triplets: trap
Selecting hardest negative may lead to the collapse early in training
Choosing triplets: semi-hard
Pick all
positive
Too easy
Semi-hard
Too hard
positive < negative < positive + α
Triplet loss: summary
Overview
– Requires large batches, margin tuning
– Slow convergence
Opensource Code
– Openface (Torch)
• suboptimal implementation
– Facenet, not original (TensorFlow)
LFW, % Megaface
Openface (Torch) 92 -
Our (Torch) 99.35 65
Google’s Facenet 99.63 70.5
Center loss
Idea: pull the points to class centroids
Center loss: structure
– Without classification loss – collapses
CNN
Embedding
Classify
Softmax
Loss
λ
Center
Loss
Pull
– Final loss = Softmax loss + λ Center loss
Center Loss: different lambdas
λ = 10-7
Center Loss: different lambdas
λ = 10-6
Center Loss: different lambdas
λ = 10-5
Center loss: summary
Overview
– Intra-class compactness and inter-class separability
– Good performance at several other tasks
Opensource Code
– Caffe (original, Megaface - 65%)
LFW, % Megaface
Triplet Loss 99.35 65
Center Loss
(Torch, ours)
99.60 71.7
Tricks: augmentation
Test time augmentation
– Flip image
Embedding
Flipped
Embedding
Final
Embedding
Average
– Average embeddings
– Compute 2 embeddings
Tricks: alignment
Rotation
Kabsch algorithm - the optimal rotation matrix that minimizes the RMSD
LFW, % Megaface
Center Loss 99.6 71.7
Center Loss
+ Tricks
99.68 73
Shades on
At one point we used shades augmentation
How to
– Construct several sunglass textures
– Place them using landmarks
Tricks: adding Eye loss
CNN
Embedding
Person
Softmax
Loss
Center
Loss
– We can force CNN to learn specific discriminative features
– For celebrities eye colors are available in the Internet
Eye
Loss
Eye
Color
Eye loss: summary
*Adding simple features doesn’t help, i.e gender
LFW, % Megaface
Center Loss + Tricks 99.68 73
Center Loss + Eye 99.68 73.5
Angular Softmax
||X||= 1
On sphere
Angle discriminates
||W||= 1
b=0
Enforce larger
angle
Angular Softmax
Angular Softmax: different «m»
m=1 m=3
Angular softmax: summary
Overview
– As describes in the paper: doesn’t work at all
– Works using sum of losses (m=1,N) over training
• only on small datasets!
LFW, % Megaface
Center Loss 99.6 73
Center Loss + Eye 99.68 73.5
A-Softmax (Torch) 99.68 74.2
Opensource Code
– Caffe (original)
– Slight modification of the loss yields 74.2%
Metric learning: summary
Softmax < Triplet < Center < A-Softmax
A-Softmax
– With bells and whistles better than center loss
Center loss
Overall
– Rule of thumb: use Center loss
– Metric learning may improve classification performance
Fighting errors
Errors after MSCeleb: children
Problem
Children all look alike
Result
Embeddings are almost single point in
the space
Errors after MSCeleb: asian
Problem
Face Recognition’s intolerant to
Asians
Reason
Dataset doesn’t contain enough
photos of these categories
How to fix these errors ?
It’s all about data, we need diverse
dataset!
Natural choice – avatars of social networks
A way to construct dataset
Face
Detection
Pick
largest
Face
Recognition+
Clustering
Cleaning algorithm
1. Face detection2. Face recognition -> embeddings3. Hierarchical clustering algorithm4. Pick the largest cluster as a personIterate after each model improvement
MSCeleb dataset’s errors
MSCeleb is constructed by leveraging search engines
Joe Eszterhas
Joe Eszterhas and Mel Gibson public confrontation leads to the error
Mel Gibson
=
MSCeleb dataset’s errors
Female
+
Male
MSCeleb dataset’s errors
Asia
Mix
MSCeleb dataset’s errors
Dataset has been shrinked from 100k to 46k celebrities
Random
search engine Corrected
Results on new datasets
Datasets
– Train:
• MSCeleb (46k)
• VK-train (150k)
A-Softmax on
dataset
Megaface
MSCeleb 74.2
MSCeleb cleaned 76.2
– Test
• MegaVK
• Sets for children and asians
MegaVK
58.4
60
+ VK 77.5 87.5
Ensemble
Final
Embedding
Concat
CNN-2
CNN-1
A-Softmax model Megaface MegaVK
Best single 77.5 87.5
Ensemble of 2 79.6 88.6
Workaround still …
Children are still challenge for the model
Workaround
Algorithm
1. Construct dataset with children
2. Compute average embedding
3. Every point inside the sphere – a child
4. Tighten distance threshold there
Results
This allows softening the overall threshold
How to handle big dataset
It seems we can add more data infinitely, but no.
Problems
– Memory consumption (Softmax)
– Computational costs
– A lot of noise in gradients
Softmax Approximation
Algorithm
1. Perform K-Means clustering using current FR model
Dataset
K-Means
Children
Women
Men
Smaller sets
Softmax Approximation
Algorithm
1. Perform K-Means clustering using current FR model
CNN
Embedding
Predict
cluster
Predict
person MenPerson
Softmax
2. Two Softmax heads:
1. Predicts cluster label
2. Class within the true cluster
Cluster
Softmax
Men
Softmax Approximation
Pros
Push
Push
Harder
negative
1. Prevents fusing of the clusters
2. Does hard-negative mining
3. Clusters can be specified
• Children
• Asian
Fighting errors on production
Errors: blur
Problem
• Detector yields blurry photos
• Recognition forms «blurry clusters»
Solution
Laplacian – 2nd order derivative of the image
Laplacian in action
Low
variance
High
variance
Errors: body parts
Detection
mistakes form
clusters
Errors: diagrams & mushrooms
Fixing trash clusters
There is similarity between “no faces”!
CNN
Embedding
Embedding
No «firing»
features
Fixing trash clusters
«Trash» has small norm Faces
Trash
Softmax loss
Motivation
Softmax encourage big embedding’s norms
Results
– ROC AUC 97%
– Better then Laplacian for blurry
Spectacular results
Fun: new governors
Recently appointed governors are almost twins, but FR distinguishes them
Dmitriy
Gleb
Over years
Face recognition algorithm captures
similarity across years
Although we didn’t focus on the problem
Over years
Summary
1. Use TensorRT to speed up inference
2. Metric learning: use Center loss by default
3. Clean your data thoroughly
4. Understanding CNN helps to fight errors
Thanks!
Questions?
Auxiliary
Best avatar
Problem
How to pick an avatar for a person ?
Solution
Train model to predict awesomeness of photo
Predicting awesomeness: how to approach
Social networks – not only photos, but likes too
Predicting awesomeness: dataset
Awesomeness (A) = likes/audience
A=18% A=27% A=75%
Results
– Mean Aveage Precision @5: 25%
– Data and metric are noisy => human evaluation
Predicting awesomeness: summary
High score
Low score
Predicting awesomeness: incorporating into FR
One more branch in Face Recognition CNN
Small overhead
awesomeness
embedding
face
Appendix
Histogram loss
Idea
– Compute similarities positive and negative pairs
– Maximize a probability that a randomly sampled positive pair has smaller similarity than
negative one
Loss = the integral of the product between the negative distribution and the cumulative density function for the positive distribution (shown with a dashed line)
Histogram loss
Results
– Got nice distributions
– Doesn’t improve the triplet results
– LFW on 97.7%

More Related Content

PPTX
Face recognition using artificial neural network
PPTX
Face recognition using neural network
PPT
Term11566
PPTX
Face Recognition: From Scratch To Hatch
PDF
KaoNet: Face Recognition and Generation App using Deep Learning
PPTX
Facial recognition
PDF
Face Recognition Using Neural Networks
PPTX
A neural ada boost based facial expression recogniton System
Face recognition using artificial neural network
Face recognition using neural network
Term11566
Face Recognition: From Scratch To Hatch
KaoNet: Face Recognition and Generation App using Deep Learning
Facial recognition
Face Recognition Using Neural Networks
A neural ada boost based facial expression recogniton System

What's hot (20)

PPTX
Deep learning summary
PPTX
Face recognition v1
PPT
NEURAL Network Design Training
PDF
Scene understanding
PDF
Data Science - Part VIII - Artifical Neural Network
PPTX
Ultrasound nerve segmentation, kaggle review
PPTX
Comparison of Learning Algorithms for Handwritten Digit Recognition
PDF
Machine learning and_neural_network_lecture_slide_ece_dku
PDF
Facial expression recognition
PPT
neuralAC
DOCX
Digit recognition using mnist database
PDF
A survey on the layers of convolutional Neural Network
DOCX
Learning Methods in a Neural Network
PPTX
Detection and recognition of face using neural network
PDF
Hand Gesture Recognition using OpenCV and Python
PPTX
Deep learning crash course
PPTX
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
PDF
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
PPTX
Face Recognition
PPTX
Human age and gender Detection
Deep learning summary
Face recognition v1
NEURAL Network Design Training
Scene understanding
Data Science - Part VIII - Artifical Neural Network
Ultrasound nerve segmentation, kaggle review
Comparison of Learning Algorithms for Handwritten Digit Recognition
Machine learning and_neural_network_lecture_slide_ece_dku
Facial expression recognition
neuralAC
Digit recognition using mnist database
A survey on the layers of convolutional Neural Network
Learning Methods in a Neural Network
Detection and recognition of face using neural network
Hand Gesture Recognition using OpenCV and Python
Deep learning crash course
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
Face Recognition
Human age and gender Detection
Ad

Similar to Face Recognition: From Scratch To Hatch / Эдуард Тянтов (Mail.ru Group) (20)

PPT
eam2
PDF
Heuristic design of experiments w meta gradient search
PPT
backpropagation in neural networks
PDF
Deep-learning-for-computer-vision-applications-using-matlab.pdf
PDF
Day 4
PPTX
Deep Learning in Computer Vision
PPTX
B4UConference_machine learning_deeplearning
PPTX
Deep learning with TensorFlow
PPTX
Deep learning requirement and notes for novoice
PDF
Troubleshooting Deep Neural Networks - Full Stack Deep Learning
PPTX
Introduction to Deep Learning
PPTX
An Introduction to Deep Learning
PPT
Face Identification for Humanoid Robot
PPTX
presentation of IntroductionDeepLearning.pptx
PPTX
ML Paper Tutorial - Video Face Manipulation Detection Through Ensemble of CNN...
PPTX
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
PPTX
DeepLearningLecture.pptx
PPTX
Machine Learning Essentials Demystified part2 | Big Data Demystified
PDF
深度學習在AOI的應用
PPTX
Kaggle review Planet: Understanding the Amazon from Space
eam2
Heuristic design of experiments w meta gradient search
backpropagation in neural networks
Deep-learning-for-computer-vision-applications-using-matlab.pdf
Day 4
Deep Learning in Computer Vision
B4UConference_machine learning_deeplearning
Deep learning with TensorFlow
Deep learning requirement and notes for novoice
Troubleshooting Deep Neural Networks - Full Stack Deep Learning
Introduction to Deep Learning
An Introduction to Deep Learning
Face Identification for Humanoid Robot
presentation of IntroductionDeepLearning.pptx
ML Paper Tutorial - Video Face Manipulation Detection Through Ensemble of CNN...
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
DeepLearningLecture.pptx
Machine Learning Essentials Demystified part2 | Big Data Demystified
深度學習在AOI的應用
Kaggle review Planet: Understanding the Amazon from Space
Ad

More from Ontico (20)

PDF
One-cloud — система управления дата-центром в Одноклассниках / Олег Анастасье...
PDF
Масштабируя DNS / Артем Гавриченков (Qrator Labs)
PPTX
Создание BigData-платформы для ФГУП Почта России / Андрей Бащенко (Luxoft)
PDF
Готовим тестовое окружение, или сколько тестовых инстансов вам нужно / Алекса...
PDF
Новые технологии репликации данных в PostgreSQL / Александр Алексеев (Postgre...
PDF
PostgreSQL Configuration for Humans / Alvaro Hernandez (OnGres)
PDF
Inexpensive Datamasking for MySQL with ProxySQL — Data Anonymization for Deve...
PDF
Опыт разработки модуля межсетевого экранирования для MySQL / Олег Брославский...
PPTX
ProxySQL Use Case Scenarios / Alkin Tezuysal (Percona)
PPTX
MySQL Replication — Advanced Features / Петр Зайцев (Percona)
PDF
Внутренний open-source. Как разрабатывать мобильное приложение большим количе...
PPTX
Подробно о том, как Causal Consistency реализовано в MongoDB / Михаил Тюленев...
PPTX
Балансировка на скорости проводов. Без ASIC, без ограничений. Решения NFWare ...
PDF
Перехват трафика — мифы и реальность / Евгений Усков (Qrator Labs)
PPT
И тогда наверняка вдруг запляшут облака! / Алексей Сушков (ПЕТЕР-СЕРВИС)
PPTX
Как мы заставили Druid работать в Одноклассниках / Юрий Невиницин (OK.RU)
PPTX
Разгоняем ASP.NET Core / Илья Вербицкий (WebStoating s.r.o.)
PPTX
100500 способов кэширования в Oracle Database или как достичь максимальной ск...
PPTX
Apache Ignite Persistence: зачем Persistence для In-Memory, и как он работает...
PDF
Механизмы мониторинга баз данных: взгляд изнутри / Дмитрий Еманов (Firebird P...
One-cloud — система управления дата-центром в Одноклассниках / Олег Анастасье...
Масштабируя DNS / Артем Гавриченков (Qrator Labs)
Создание BigData-платформы для ФГУП Почта России / Андрей Бащенко (Luxoft)
Готовим тестовое окружение, или сколько тестовых инстансов вам нужно / Алекса...
Новые технологии репликации данных в PostgreSQL / Александр Алексеев (Postgre...
PostgreSQL Configuration for Humans / Alvaro Hernandez (OnGres)
Inexpensive Datamasking for MySQL with ProxySQL — Data Anonymization for Deve...
Опыт разработки модуля межсетевого экранирования для MySQL / Олег Брославский...
ProxySQL Use Case Scenarios / Alkin Tezuysal (Percona)
MySQL Replication — Advanced Features / Петр Зайцев (Percona)
Внутренний open-source. Как разрабатывать мобильное приложение большим количе...
Подробно о том, как Causal Consistency реализовано в MongoDB / Михаил Тюленев...
Балансировка на скорости проводов. Без ASIC, без ограничений. Решения NFWare ...
Перехват трафика — мифы и реальность / Евгений Усков (Qrator Labs)
И тогда наверняка вдруг запляшут облака! / Алексей Сушков (ПЕТЕР-СЕРВИС)
Как мы заставили Druid работать в Одноклассниках / Юрий Невиницин (OK.RU)
Разгоняем ASP.NET Core / Илья Вербицкий (WebStoating s.r.o.)
100500 способов кэширования в Oracle Database или как достичь максимальной ск...
Apache Ignite Persistence: зачем Persistence для In-Memory, и как он работает...
Механизмы мониторинга баз данных: взгляд изнутри / Дмитрий Еманов (Firebird P...

Recently uploaded (20)

PPTX
Foundation to blockchain - A guide to Blockchain Tech
PPTX
Sustainable Sites - Green Building Construction
PPTX
MCN 401 KTU-2019-PPE KITS-MODULE 2.pptx
PDF
BMEC211 - INTRODUCTION TO MECHATRONICS-1.pdf
PPTX
Internet of Things (IOT) - A guide to understanding
PPTX
Construction Project Organization Group 2.pptx
PDF
PRIZ Academy - 9 Windows Thinking Where to Invest Today to Win Tomorrow.pdf
PDF
PPT on Performance Review to get promotions
PPTX
bas. eng. economics group 4 presentation 1.pptx
PPTX
Recipes for Real Time Voice AI WebRTC, SLMs and Open Source Software.pptx
PPT
Mechanical Engineering MATERIALS Selection
PPTX
Strings in CPP - Strings in C++ are sequences of characters used to store and...
DOCX
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
PPTX
CARTOGRAPHY AND GEOINFORMATION VISUALIZATION chapter1 NPTE (2).pptx
PDF
Mohammad Mahdi Farshadian CV - Prospective PhD Student 2026
PDF
composite construction of structures.pdf
PPTX
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
PPTX
OOP with Java - Java Introduction (Basics)
PPTX
CYBER-CRIMES AND SECURITY A guide to understanding
PDF
Embodied AI: Ushering in the Next Era of Intelligent Systems
Foundation to blockchain - A guide to Blockchain Tech
Sustainable Sites - Green Building Construction
MCN 401 KTU-2019-PPE KITS-MODULE 2.pptx
BMEC211 - INTRODUCTION TO MECHATRONICS-1.pdf
Internet of Things (IOT) - A guide to understanding
Construction Project Organization Group 2.pptx
PRIZ Academy - 9 Windows Thinking Where to Invest Today to Win Tomorrow.pdf
PPT on Performance Review to get promotions
bas. eng. economics group 4 presentation 1.pptx
Recipes for Real Time Voice AI WebRTC, SLMs and Open Source Software.pptx
Mechanical Engineering MATERIALS Selection
Strings in CPP - Strings in C++ are sequences of characters used to store and...
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
CARTOGRAPHY AND GEOINFORMATION VISUALIZATION chapter1 NPTE (2).pptx
Mohammad Mahdi Farshadian CV - Prospective PhD Student 2026
composite construction of structures.pdf
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
OOP with Java - Java Introduction (Basics)
CYBER-CRIMES AND SECURITY A guide to understanding
Embodied AI: Ushering in the Next Era of Intelligent Systems

Face Recognition: From Scratch To Hatch / Эдуард Тянтов (Mail.ru Group)

Editor's Notes

  • #8: «Detect all faces on the image at all scales and rotations»
  • #10: http://vis-www.cs.umass.edu/fddb/
  • #11: http://vis-www.cs.umass.edu/fddb/
  • #12: https://docs.opencv.org/master/d7/d8b/tutorial_py_face_detection.html , http://blog.dlib.net/2014/02/dlib-186-released-make-your-own-object.html
  • #16: R-FCN: https://arxiv.org/pdf/1605.06409.pdf , Faster: https://arxiv.org/pdf/1506.01497v3.pdf
  • #17: «Another approach – HOG features (dlib)» «not far from state-of-the-art (Google reports 94%)»
  • #19: Offtop: обучается первая сеть на 12x12, вторая – 24x24, 3 – 36x36 – hard negative mining для 2 и 3 для исправления ошибок выдает первая 5x1x1, а на пирамиде тензор, дальше составляется батч для 2 и 3 (батч над батчами не делали) https://kpzhang93.github.io/MTCNN_face_detection_alignment/paper/spl.pdf
  • #20: «Open source Pre-trained model (Caffe) No original training code «
  • #24: «but not Torch/PyTorch We’ve retrained the CNN because of PreLu absense» basic- actively devolping
  • #25: TODO: возможно показать что мы не подряд засовываем в сеть, а сразу в кучу, хз не перегруз ли
  • #26: табличка в одном месте
  • #31: https://www.microsoft.com/en-us/research/project/ms-celeb-1m-challenge-recognizing-one-million-celebrities-real-world/
  • #33: мб добавить
  • #34: Top results ~ 80% Best – 91.7%
  • #38: «All faces of person are project to a single point»
  • #39: Chad Smith
  • #45: TODO: про альфа лишнее ?
  • #48: https://ydwen.github.io/papers/WenECCV16.pdf, 65% из статьи
  • #53: TODO: убрать текст ?
  • #54: (Better than dlib)
  • #55: TODO: не выпилить но доделать нормально фотка чувака точки + очки
  • #57: «пол например не является discriminative – пробовали» 71.5% -> 75.5% или +2 71.5 vs 73, 75,5 из-за датасета
  • #58: СЛОВА «сказать что норма – это деление на сумму»
  • #59: To discriminate better -> tighten clusters
  • #61: http://proceedings.mlr.press/v48/liud16.pdf
  • #62: http://proceedings.mlr.press/v48/liud16.pdf
  • #65: “Рассказать про идею созданую по мотивам корпоратиа”
  • #66: VK – easy API OK – hard access to API, rate-limits Facebook – just closed to mining
  • #67: Cleaning algorithm Face Detection Face Recognition to get embeddings Hierarchical clustering algorithm with Soften the distance threshold Pick the largest cluster as a person iterate after each model improvement
  • #68: this leads to improved perf on megaface = 75%?
  • #75: цифра лучше ? чуть меньше текста или на 2 слайда разбить TODO: мы обнаружили что дети компанкто расположены
  • #77: https://arxiv.org/pdf/1609.04309.pdf - paper: “Efficient softmax approximation for GPUs”
  • #79: «какой профит помимо решения проблемы»
  • #81: https://docs.opencv.org/3.0-beta/doc/py_tutorials/py_imgproc/py_gradients/py_gradients.html It’s a face, but without enough facial information
  • #83: “If the detector makes a mistake, recognizer gone crazy. Detection errors often form a cluster.”
  • #85: «софтмакс стремится увеличить скалярное произведение»
  • #86: maximizing scalar product <w_i, x> for i class We normalize embeddings only for distance
  • #89: “Social networks contains avatars over users’ lives”
  • #95: Data we know How many likes Who likes
  • #97: http://people.cs.uchicago.edu/~larsson/fractalnet/overview.png
  • #98: block 6 нарисовать
  • #100: https://arxiv.org/pdf/1611.00822.pdf