Face Recognition by Deep Learning - The Imbalance Problem

Size: px
Start display at page:

Download "Face Recognition by Deep Learning - The Imbalance Problem"

Transcription

1 Face Recognition by Deep Learning - The Imbalance Problem Chen-Change LOY MMLAB The Chinese University of Hong Kong Homepage: Twitter: CVPR Workshop on Biometrics 2018, Salt Lake City, Utah, USA, June 2018

2 WIDER Challenge 2018 WIDER Face Detection WIDER Pedestrian Detection WIDER Person Search Event Deadline: July 18!!

3 Outline Pose-Robust Face Recognition via Deep Residual Equivariant Mapping K. Cao, Y. Rong, C. Li, X. Tang, C. C. Loy CVPR 2018 Deep Imbalanced Learning for Face Recognition and Attribute Prediction H. Chen, Y. Li, C. C. Loy, X. Tang An extension of our paper in CVPR 2016, submitted to TPAMI

4 iphone X opens an era of unlocking mobile phone by face replacing fingerprint ID l 1/1,000,000 error rate l 1 billion photos for data training l 3D liveness detection

5 Vivo X20 Face Wake: unlock your mobile phone in 0.1 seconds

6

7 Captured 25 criminal suspects during the 2017 Cultural Fair in Shenzhen during 5 days

8 2015 Yang et al., From Facial Part Responses to Face Detection: A Deep Learning Approach, ICCV 2015

9 2017 Zhang et al., S 3FD: Single Shot Scale-invariant Face Detector, ICCV 2017

10 Is there anything else I can solve?

11 Is there anything else I can solve? Scaling to large N in 1:N scenario Learning in small data regime The use of unannotated data Challenging scenarios Generalization and transferability Imbalance problem

12 Pose-Robust Face Recognition via Deep Residual Equivariant Mapping K. Cao, Y. Rong, C. Li, X. Tang, C. C. Loy CVPR 2018 Wednesday 12:30-2:50

13 Profile and Frontal Face Recognition Large pose discrepancy between two face images is one of the key challenges in face recognition The number of frontal and profile training faces are highly imbalanced Profile faces of different persons are easily to be mismatched (false positives), and profile and frontal faces of the same identity may not trigger a match leading to false negatives

14 Why does not face recognition work well on profile faces? The generalization power of deep models is usually proportional to the training data size Given an uneven distribution of profile and frontal faces in the dataset, deeply learned features tend to bias on distinguishing frontal faces rather than profile faces.

15 Existing solutions I. Masi, S. Rawls, G. Medioni, and P. Natarajan. Pose-aware face recognition in the wild. In CVPR, 2016

16 Existing solutions Y. Taigman et al. Deepface: Closing the gap to human-level performance in face verification. In CVPR, 2014

17 Existing solutions Zhu et al. High-Fidelity Pose and Expression Normalization for Face Recognition in the Wild, CVPR 2015

18 Existing solutions Model Input Generated Real L. Tran, X. Yin, and X. Liu. Disentangled representation learning GAN for pose-invariant face recognition. In CVPR, 2017

19 Motivation We can map profile face feature to the frontal space through a mapping function that adds residual.

20 Feature equivariance The representation of many deep layers depends upon transformations of the input image Such transformations can be learned by a mapping function from data The function can be subsequently applied to manipulate the representation of an input image to achieve the desired transformation K. Lenc and A. Vedaldi. Understanding image representations by measuring their equivariance and equivalence. In CVPR, 2015

21 Feature equivariance A convolutional neural network (CNN) can be regarded as a function! that maps an image " $ to a vector!(") ' ( The representation! is said equivariant with a transformation ) of the input image if the transformation can be transferred to the representation output " $:!()") -.!(") K. Lenc and A. Vedaldi. Understanding image representations by measuring their equivariance and equivalence. In CVPR, 2015

22 Problem formulation For simplicity, let s assume we have: frontal face image! " and profile face image! # We wish to obtain a transformed representation of a profile image! # through a mapping function $ %, so that $ % &(! # ) &(! " ) $ % &(! # ) = &(! # ) +,(! # )R(! # ) &(! " ) yaw coefficient, [0 1], a soft gate of the residuals residual function

23 Problem formulation Yaw coefficient provide a higher magnitude of residuals (thus a heavier fix) to a face that deviates more from the frontal pose! " = 0 for frontal face and gradually changes from 0 to 1 when the face pose shifts from frontal to a complete profile The soft gate can be viewed as a correction mechanism that adopts top-down information (the yaw in our case) to influence the feed-forward process

24 Network structure the DREAM block The Deep Residual EquivAriant Mapping (DREAM) block

25 Usage of DREAM Stitching Stitch the DREAM block to an existing stem CNN End-to-end + Stitching First end-to-end training Followed by DREAM block fine-tuning DREAM block training

26 Visualization

27 Visualization

28 Results on Celebrities in Frontal-Profile (CFP) Equal error rate (EER). Baselines CDFE - Two transforms are simultaneously learned to map the samples in two modalities respectively to the common feature space. JB Joint Bayesian approach for face verification FF - Face Frontalization morphs faces from profile to frontal with a generative adversarial network S. Sengupta et al. Frontal to profile face verification in the wild. In WACV, 2016

29 Results on IJB-A

30 Further analysis With DREAM, similarity decreases for unmatched pairs With DREAM, similarity increases for matched pairs

31 Summary Equivariant mapping in the deep feature space Performing frontalization in the feature space is more fruitful than the image space Easy to use, light-weight, and can be implemented with a negligible computational overhead Code is available:

32 Deep Imbalanced Learning for Face Recognition and Attribute Prediction H. Chen, Y. Li, C. C. Loy, X. Tang An extension of CVPR 2016, submitted to TPAMI

33 Other types of imbalance Face recognition Frontal faces are more than profile faces Some celebrities have more faces Face attribute recognition More negative than positive, e.g., no beard vs. beard

34 CelebA face attributes dataset 200K celebrity images, each with 40 attribute Liu et al. Deep Learning Face Attributes in the Wild, ICCV hk/projects/celeba.html

35 CelebA face attributes dataset

36 The fundamental problem Without handling imbalanced class issue Prediction biases toward the majority class Poor accuracy for the minority class CelebA positive/negative distribution

37 Existing solutions Class re-sampling [Drummond & Holte, ICML 03] Random under-sampling of majority class Remove valuable information Random over-sampling of minority class Introduce artificial noise Cost-sensitive learning [Zadrozny et al., ICDM 03] Assigns higher misclassification costs to the minority class How to design costs?

38 Motivation Is there a better way apart from sampling and cost learning? Can we introduce tighter constrains to ameliorate such invasion? Minority class: very few instances with high degree of visual variability The genuine neighborhood of these instances is easy to be invaded by other imposter nearest neighbors

39 Triplet loss helps to a certain extent Class-level constraint! " an anchor! " # a positive instance (of the same class)! " $ a negative instance (different class) Class 1 minority Class 2 majority x p i x i x n i Wearing hat Not wearing hat

40 D feature embedding of one imbalanced binary face attribute Triplet loss helps to a certain extent Class 1: cluster 1 Class 1: cluster 2 Class 2: cluster 1 Class 2: cluster 2 Class 2: cluster 3 Class 2: cluster 4 Class 2: cluster 5 PC2-10 PC1-5 NC5 0 NC4 NC3 5 NC2 10 NC Features extracted from DeepID2 model Triplet embedding NC1 10 NC2 NC3 5 NC4 0 NC5 PC PC

41 Large margin local embedding (CVPR 2016) Learning deep feature embedding for imbalanced data classification A new method that preserves locality across clusters and discrimination between classes C. Huang, Y. Li, C. C. Loy, and X. Tang, Learning deep representation for imbalanced classification, in CVPR, 2016

42 6-3 Our solution compared to triplet loss PC2 Class 1: cluster 1: cluster 2: cluster Class 2: cluster NC3 5Class 2: cluster NC2 Class 2: cluster 10 NC1 Class 2: cluster PC1-5 Class NC5 0Class NC D 10feature embedding of one imbalanced binary face attribute NC1 NC1 NC NC2 NC2 NC2 3 5NC3 5 NC3 NC NC4 NC4 NC NC5 NC5 0 NC PC1 PC1 PC1-2 PC2 PC2 PC Features extracted from DeepID2 model Triplet embedding Our solution

43 Quintuplet sampling Cluster- and class-level! " an anchor! #$ " the anchor s most distant withincluster neighbor! #% " the nearest within-class neighbor of the anchor, but from a different cluster! #%% " the most distant within-class neighbor of the anchor! & " the nearest between-class neighbor of the anchor Class 1 minority x p i x p i Cluster 1 Cluster 2 p+ xi x i x n i Class 2 majority Cluster j Cluster 1

44 Quintuplet sampling Ensure the following relationship <D(f(x i ),f(x n i )) > Class 1 minority Class 2 majority Cluster j D(f(x i ),f(x p i )) > x p i Cluster 2 D(f(x i ),f(x p i )) D(f(x i ),f(x p+ i )) > x p i Cluster 1 p+ xi x i x n i Cluster 1 D(f(x i ),f(x j )) = kf(x i ) f(x j )k 2 2 is the Euclidean distance

45 Large Margin Local Embedding Training samples Minibatches x i x p+ i x p i x p i x n i Shared parameters CNN CNN CNN CNN CNN f(x i ) f(x p+ i ) f(x p i ) f(x p i ) f(x n i ) Triple-header hinge loss Quintuplet Embedding

46 Triple-header hinge loss To constrain three margins between the four distances min X i (" i + i + i )+ kwk 2 2 s.t.: max 0,g 1 + D(f(x i ),f(x p+ i )) D(f(x i ),f(x p i )) apple " i max 0,g 2 + D(f(x i ),f(x p i )) D(f(x i ),f(x p i )) apple i max 0,g 3 + D(f(x i ),f(x p i )) D(f(x i ),f(x n i )) apple i 8i, " i 0, i 0, i 0

47 Advantages Richer information and a stronger constraint than the conventional class-level image similarity No information loss unlike under-sampling No artificial noise unlike over-sampling

48 CelebA dataset (100k train,10k test) Relative accuracy gain (%) Over Anet [28] Over PANDA [46] Over Triplet-kNN [33] Code available ojects/lmle.html Class imbalance level (%) More imbalanced Face attribute

49 Disadvantages Exponential growth of quintuplet number Potential penalty inconsistency between sampled quintuplets Enforcing Euclidean distance on a hypersphere manifold is not natural

50 Cluster-based large margin local embedding FaceNet (CVPR 2015) SphereFace (CVPR 2017) LMLE (CVPR 2016) CLMLE (Our Method)

51 Cluster-based large margin local embedding Maximize the intra-cluster similarity between!(# $ ) and its containing cluster centroid & ' Minimizing the inter-cluster similarity between!(# $ ) and other cluster centroids {& ) : + -} Larger angular margin for those between-class clusters than for same class clusters Consider class label c(.)

52 Cluster-based Large Margin Local Embedding & = number of clusters! " = cluster centroid # $ = inter-class angular margin # % = intra-class angular margin

53 Steps of CLMLE 1. Cluster for each class by spherical k-means using the latest features. Initially, we use the features extracted by the pre-trained CNN. 2. For CNN training, repeatedly construct mini- batches with one query cluster (with highest loss) from a random class, and nearest clusters retrieved from both the same and different classes. 3. Randomly sample some samples for each of the clusters in batch, and compute their cluster centroids. 4. Compute the loss with cost-sensitivities (by inverse class frequency). Backpropagate the gradients to update the CNN parameters and feature embeddings. 5. Alternate between step 1 and 2-4 periodically until convergence (often within 5 alternation rounds).

54 Cluster-based Large Margin Local Embedding

55 Results on LFW and YTF Use large-scale outside data that are not publicly available Recent imbalanced learning methods The state-of-the-art loss functions Use the small training data (CASIA-WebFace: 0.45M) and the same 64-layer CNN model as SphereFace and CosFace for fair comparison.

56 Results on MegaFace Challenge 1

57 Results on MegaFace Challenge 2

58 Facial attribute recognition

59 Face attribute recognition

60 Is there anything else I can solve? Scaling to large N in 1:N scenario Learning in small data regime The use of unannotated data Challenging scenarios Generalization and transferability Imbalance problem

61 Thanks

FaceNet. Florian Schroff, Dmitry Kalenichenko, James Philbin Google Inc. Presentation by Ignacio Aranguren and Rahul Rana

FaceNet. Florian Schroff, Dmitry Kalenichenko, James Philbin Google Inc. Presentation by Ignacio Aranguren and Rahul Rana FaceNet Florian Schroff, Dmitry Kalenichenko, James Philbin Google Inc. Presentation by Ignacio Aranguren and Rahul Rana Introduction FaceNet learns a mapping from face images to a compact Euclidean Space

More information

arxiv: v1 [cs.cv] 2 Mar 2018

arxiv: v1 [cs.cv] 2 Mar 2018 Pose-Robust Face Recognition via Deep Residual Equivariant Mapping Kaidi Cao 2 Yu Rong 1,2 Cheng Li 2 Xiaoou Tang 1 Chen Change Loy 1 arxiv:1803.00839v1 [cs.cv] 2 Mar 2018 1 Department of Information Engineering,

More information

Deep Learning for Face Recognition. Xiaogang Wang Department of Electronic Engineering, The Chinese University of Hong Kong

Deep Learning for Face Recognition. Xiaogang Wang Department of Electronic Engineering, The Chinese University of Hong Kong Deep Learning for Face Recognition Xiaogang Wang Department of Electronic Engineering, The Chinese University of Hong Kong Deep Learning Results on LFW Method Accuracy (%) # points # training images Huang

More information

Face Recognition A Deep Learning Approach

Face Recognition A Deep Learning Approach Face Recognition A Deep Learning Approach Lihi Shiloh Tal Perl Deep Learning Seminar 2 Outline What about Cat recognition? Classical face recognition Modern face recognition DeepFace FaceNet Comparison

More information

Deep Face Recognition. Nathan Sun

Deep Face Recognition. Nathan Sun Deep Face Recognition Nathan Sun Why Facial Recognition? Picture ID or video tracking Higher Security for Facial Recognition Software Immensely useful to police in tracking suspects Your face will be an

More information

DeepFace: Closing the Gap to Human-Level Performance in Face Verification

DeepFace: Closing the Gap to Human-Level Performance in Face Verification DeepFace: Closing the Gap to Human-Level Performance in Face Verification Report on the paper Artem Komarichev February 7, 2016 Outline New alignment technique New DNN architecture New large dataset with

More information

Robust Face Recognition Based on Convolutional Neural Network

Robust Face Recognition Based on Convolutional Neural Network 2017 2nd International Conference on Manufacturing Science and Information Engineering (ICMSIE 2017) ISBN: 978-1-60595-516-2 Robust Face Recognition Based on Convolutional Neural Network Ying Xu, Hui Ma,

More information

Clustering Lightened Deep Representation for Large Scale Face Identification

Clustering Lightened Deep Representation for Large Scale Face Identification Clustering Lightened Deep Representation for Large Scale Face Identification Shilun Lin linshilun@bupt.edu.cn Zhicheng Zhao zhaozc@bupt.edu.cn Fei Su sufei@bupt.edu.cn ABSTRACT On specific face dataset,

More information

arxiv: v1 [cs.cv] 16 Nov 2015

arxiv: v1 [cs.cv] 16 Nov 2015 Coarse-to-fine Face Alignment with Multi-Scale Local Patch Regression Zhiao Huang hza@megvii.com Erjin Zhou zej@megvii.com Zhimin Cao czm@megvii.com arxiv:1511.04901v1 [cs.cv] 16 Nov 2015 Abstract Facial

More information

Supplementary Material: Unsupervised Domain Adaptation for Face Recognition in Unlabeled Videos

Supplementary Material: Unsupervised Domain Adaptation for Face Recognition in Unlabeled Videos Supplementary Material: Unsupervised Domain Adaptation for Face Recognition in Unlabeled Videos Kihyuk Sohn 1 Sifei Liu 2 Guangyu Zhong 3 Xiang Yu 1 Ming-Hsuan Yang 2 Manmohan Chandraker 1,4 1 NEC Labs

More information

GAN Related Works. CVPR 2018 & Selective Works in ICML and NIPS. Zhifei Zhang

GAN Related Works. CVPR 2018 & Selective Works in ICML and NIPS. Zhifei Zhang GAN Related Works CVPR 2018 & Selective Works in ICML and NIPS Zhifei Zhang Generative Adversarial Networks (GANs) 9/12/2018 2 Generative Adversarial Networks (GANs) Feedforward Backpropagation Real? z

More information

Improving Face Recognition by Exploring Local Features with Visual Attention

Improving Face Recognition by Exploring Local Features with Visual Attention Improving Face Recognition by Exploring Local Features with Visual Attention Yichun Shi and Anil K. Jain Michigan State University Difficulties of Face Recognition Large variations in unconstrained face

More information

An Associate-Predict Model for Face Recognition FIPA Seminar WS 2011/2012

An Associate-Predict Model for Face Recognition FIPA Seminar WS 2011/2012 An Associate-Predict Model for Face Recognition FIPA Seminar WS 2011/2012, 19.01.2012 INSTITUTE FOR ANTHROPOMATICS, FACIAL IMAGE PROCESSING AND ANALYSIS YIG University of the State of Baden-Wuerttemberg

More information

Deep Learning. Vladimir Golkov Technical University of Munich Computer Vision Group

Deep Learning. Vladimir Golkov Technical University of Munich Computer Vision Group Deep Learning Vladimir Golkov Technical University of Munich Computer Vision Group 1D Input, 1D Output target input 2 2D Input, 1D Output: Data Distribution Complexity Imagine many dimensions (data occupies

More information

Deep Convolutional Neural Network using Triplet of Faces, Deep Ensemble, and Scorelevel Fusion for Face Recognition

Deep Convolutional Neural Network using Triplet of Faces, Deep Ensemble, and Scorelevel Fusion for Face Recognition IEEE 2017 Conference on Computer Vision and Pattern Recognition Deep Convolutional Neural Network using Triplet of Faces, Deep Ensemble, and Scorelevel Fusion for Face Recognition Bong-Nam Kang*, Yonghyun

More information

Cost-alleviative Learning for Deep Convolutional Neural Network-based Facial Part Labeling

Cost-alleviative Learning for Deep Convolutional Neural Network-based Facial Part Labeling [DOI: 10.2197/ipsjtcva.7.99] Express Paper Cost-alleviative Learning for Deep Convolutional Neural Network-based Facial Part Labeling Takayoshi Yamashita 1,a) Takaya Nakamura 1 Hiroshi Fukui 1,b) Yuji

More information

SHIV SHAKTI International Journal in Multidisciplinary and Academic Research (SSIJMAR) Vol. 7, No. 2, April 2018 (ISSN )

SHIV SHAKTI International Journal in Multidisciplinary and Academic Research (SSIJMAR) Vol. 7, No. 2, April 2018 (ISSN ) SHIV SHAKTI International Journal in Multidisciplinary and Academic Research (SSIJMAR) Vol. 7, No. 2, April 2018 (ISSN 2278 5973) Facial Recognition Using Deep Learning Rajeshwar M, Sanjit Singh Chouhan,

More information

arxiv: v4 [cs.cv] 10 Jun 2018

arxiv: v4 [cs.cv] 10 Jun 2018 Enhancing Convolutional Neural Networks for Face Recognition with Occlusion Maps and Batch Triplet Loss Daniel Sáez Trigueros a,b, Li Meng a,, Margaret Hartnett b a School of Engineering and Technology,

More information

Vignette: Reimagining the Analog Photo Album

Vignette: Reimagining the Analog Photo Album Vignette: Reimagining the Analog Photo Album David Eng, Andrew Lim, Pavitra Rengarajan Abstract Although the smartphone has emerged as the most convenient device on which to capture photos, it lacks the

More information

FACIAL POINT DETECTION BASED ON A CONVOLUTIONAL NEURAL NETWORK WITH OPTIMAL MINI-BATCH PROCEDURE. Chubu University 1200, Matsumoto-cho, Kasugai, AICHI

FACIAL POINT DETECTION BASED ON A CONVOLUTIONAL NEURAL NETWORK WITH OPTIMAL MINI-BATCH PROCEDURE. Chubu University 1200, Matsumoto-cho, Kasugai, AICHI FACIAL POINT DETECTION BASED ON A CONVOLUTIONAL NEURAL NETWORK WITH OPTIMAL MINI-BATCH PROCEDURE Masatoshi Kimura Takayoshi Yamashita Yu Yamauchi Hironobu Fuyoshi* Chubu University 1200, Matsumoto-cho,

More information

Bidirectional Recurrent Convolutional Networks for Video Super-Resolution

Bidirectional Recurrent Convolutional Networks for Video Super-Resolution Bidirectional Recurrent Convolutional Networks for Video Super-Resolution Qi Zhang & Yan Huang Center for Research on Intelligent Perception and Computing (CRIPAC) National Laboratory of Pattern Recognition

More information

Face Recognition with Contrastive Convolution

Face Recognition with Contrastive Convolution Face Recognition with Contrastive Convolution Chunrui Han 1,2[0000 0001 9725 280X], Shiguang Shan 1,3[0000 0002 8348 392X], Meina Kan 1,3[0000 0001 9483 875X], Shuzhe Wu 1,2[0000 0002 4455 4123], and Xilin

More information

arxiv: v4 [cs.cv] 30 May 2018

arxiv: v4 [cs.cv] 30 May 2018 Additive Margin Softmax for Face Verification Feng Wang UESTC feng.wff@gmail.com Weiyang Liu Georgia Tech wyliu@gatech.edu Haijun Liu UESTC haijun liu@26.com Jian Cheng UESTC chengjian@uestc.edu.cn arxiv:80.05599v4

More information

arxiv: v1 [cs.cv] 6 Jul 2016

arxiv: v1 [cs.cv] 6 Jul 2016 arxiv:607.079v [cs.cv] 6 Jul 206 Deep CORAL: Correlation Alignment for Deep Domain Adaptation Baochen Sun and Kate Saenko University of Massachusetts Lowell, Boston University Abstract. Deep neural networks

More information

arxiv: v1 [cs.cv] 31 Mar 2017

arxiv: v1 [cs.cv] 31 Mar 2017 End-to-End Spatial Transform Face Detection and Recognition Liying Chi Zhejiang University charrin0531@gmail.com Hongxin Zhang Zhejiang University zhx@cad.zju.edu.cn Mingxiu Chen Rokid.inc cmxnono@rokid.com

More information

FACE verification in unconstrained settings is a challenging

FACE verification in unconstrained settings is a challenging JOURNAL OF L A T E X CLASS FILES, VOL. 14, NO. 8, AUGUST 2015 1 Crystal Loss and Quality Pooling for Unconstrained Face Verification and Recognition Rajeev Ranjan, Member, IEEE, Ankan Bansal, Hongyu Xu,

More information

Toward More Realistic Face Recognition Evaluation Protocols for the YouTube Faces Database

Toward More Realistic Face Recognition Evaluation Protocols for the YouTube Faces Database Toward More Realistic Face Recognition Evaluation Protocols for the YouTube Faces Database Yoanna Martínez-Díaz, Heydi Méndez-Vázquez, Leyanis López-Avila Advanced Technologies Application Center (CENATAV)

More information

Arbitrary Style Transfer in Real-Time with Adaptive Instance Normalization. Presented by: Karen Lucknavalai and Alexandr Kuznetsov

Arbitrary Style Transfer in Real-Time with Adaptive Instance Normalization. Presented by: Karen Lucknavalai and Alexandr Kuznetsov Arbitrary Style Transfer in Real-Time with Adaptive Instance Normalization Presented by: Karen Lucknavalai and Alexandr Kuznetsov Example Style Content Result Motivation Transforming content of an image

More information

Face2Face Comparing faces with applications Patrick Pérez. Inria, Rennes 2 Oct. 2014

Face2Face Comparing faces with applications Patrick Pérez. Inria, Rennes 2 Oct. 2014 Face2Face Comparing faces with applications Patrick Pérez Inria, Rennes 2 Oct. 2014 Outline Metric learning for face comparison Expandable parts model and occlusions Face sets comparison Identity-based

More information

Generative Adversarial Text to Image Synthesis

Generative Adversarial Text to Image Synthesis Generative Adversarial Text to Image Synthesis Scott Reed, Zeynep Akata, Xinchen Yan, Lajanugen Logeswaran, Bernt Schiele, Honglak Lee Presented by: Jingyao Zhan Contents Introduction Related Work Method

More information

on learned visual embedding patrick pérez Allegro Workshop Inria Rhônes-Alpes 22 July 2015

on learned visual embedding patrick pérez Allegro Workshop Inria Rhônes-Alpes 22 July 2015 on learned visual embedding patrick pérez Allegro Workshop Inria Rhônes-Alpes 22 July 2015 Vector visual representation Fixed-size image representation High-dim (100 100,000) Generic, unsupervised: BoW,

More information

Clustering & Classification (chapter 15)

Clustering & Classification (chapter 15) Clustering & Classification (chapter 5) Kai Goebel Bill Cheetham RPI/GE Global Research goebel@cs.rpi.edu cheetham@cs.rpi.edu Outline k-means Fuzzy c-means Mountain Clustering knn Fuzzy knn Hierarchical

More information

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks Shaoqing Ren, Kaiming He, Ross Girshick, and Jian Sun Presented by Tushar Bansal Objective 1. Get bounding box for all objects

More information

arxiv: v1 [cs.cv] 3 Mar 2018

arxiv: v1 [cs.cv] 3 Mar 2018 Unsupervised Learning of Face Representations Samyak Datta, Gaurav Sharma, C.V. Jawahar Georgia Institute of Technology, CVIT, IIIT Hyderabad, IIT Kanpur arxiv:1803.01260v1 [cs.cv] 3 Mar 2018 Abstract

More information

Prediction of Pedestrian Trajectories Final Report

Prediction of Pedestrian Trajectories Final Report Prediction of Pedestrian Trajectories Final Report Mingchen Li (limc), Yiyang Li (yiyang7), Gendong Zhang (zgdsh29) December 15, 2017 1 Introduction As the industry of automotive vehicles growing rapidly,

More information

Shifting from Naming to Describing: Semantic Attribute Models. Rogerio Feris, June 2014

Shifting from Naming to Describing: Semantic Attribute Models. Rogerio Feris, June 2014 Shifting from Naming to Describing: Semantic Attribute Models Rogerio Feris, June 2014 Recap Large-Scale Semantic Modeling Feature Coding and Pooling Low-Level Feature Extraction Training Data Slide credit:

More information

Hybrid Deep Learning for Face Verification

Hybrid Deep Learning for Face Verification 2013 IEEE International Conference on Computer Vision Hybrid Deep Learning for Face Verification Yi Sun 1 Xiaogang Wang 2,3 Xiaoou Tang 1,3 1 Department of Information Engineering, The Chinese University

More information

COMP 551 Applied Machine Learning Lecture 16: Deep Learning

COMP 551 Applied Machine Learning Lecture 16: Deep Learning COMP 551 Applied Machine Learning Lecture 16: Deep Learning Instructor: Ryan Lowe (ryan.lowe@cs.mcgill.ca) Slides mostly by: Class web page: www.cs.mcgill.ca/~hvanho2/comp551 Unless otherwise noted, all

More information

Improved Face Detection and Alignment using Cascade Deep Convolutional Network

Improved Face Detection and Alignment using Cascade Deep Convolutional Network Improved Face Detection and Alignment using Cascade Deep Convolutional Network Weilin Cong, Sanyuan Zhao, Hui Tian, and Jianbing Shen Beijing Key Laboratory of Intelligent Information Technology, School

More information

arxiv: v1 [cs.cv] 31 Jul 2018

arxiv: v1 [cs.cv] 31 Jul 2018 The Devil of Face Recognition is in the Noise Fei Wang 1[0000 0002 1024 5867], Liren Chen 2[0000 0003 0113 5233], Cheng Li 1[0000 0002 0892 4705], Shiyao Huang 1[0000 0002 5198 2492], Yanjie Chen 1[0000

More information

An efficient face recognition algorithm based on multi-kernel regularization learning

An efficient face recognition algorithm based on multi-kernel regularization learning Acta Technica 61, No. 4A/2016, 75 84 c 2017 Institute of Thermomechanics CAS, v.v.i. An efficient face recognition algorithm based on multi-kernel regularization learning Bi Rongrong 1 Abstract. A novel

More information

CAMERAS are everywhere, embedded in billions of smart. Face Clustering: Representation and Pairwise Constraints

CAMERAS are everywhere, embedded in billions of smart. Face Clustering: Representation and Pairwise Constraints 1 Face Clustering: Representation and Pairwise Constraints Yichun Shi, Student Member, IEEE, Charles Otto, Member, IEEE, and Anil K. Jain, Fellow, IEEE Given a representation, we propose a face clustering

More information

Improving Face Recognition by Exploring Local Features with Visual Attention

Improving Face Recognition by Exploring Local Features with Visual Attention Improving Face Recognition by Exploring Local Features with Visual Attention Yichun Shi and Anil K. Jain Michigan State University East Lansing, Michigan, USA shiyichu@msu.edu, jain@cse.msu.edu Abstract

More information

Proceedings of the International MultiConference of Engineers and Computer Scientists 2018 Vol I IMECS 2018, March 14-16, 2018, Hong Kong

Proceedings of the International MultiConference of Engineers and Computer Scientists 2018 Vol I IMECS 2018, March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong TABLE I CLASSIFICATION ACCURACY OF DIFFERENT PRE-TRAINED MODELS ON THE TEST DATA

More information

Learning to Recognize Faces in Realistic Conditions

Learning to Recognize Faces in Realistic Conditions 000 001 002 003 004 005 006 007 008 009 010 011 012 013 014 015 016 017 018 019 020 021 022 023 024 025 026 027 028 029 030 031 032 033 034 035 036 037 038 039 040 041 042 043 044 045 046 047 048 049 050

More information

arxiv: v1 [cs.cv] 4 Nov 2016

arxiv: v1 [cs.cv] 4 Nov 2016 UMDFaces: An Annotated Face Dataset for Training Deep Networks Ankan Bansal Anirudh Nanduri Rajeev Ranjan Carlos D. Castillo Rama Chellappa University of Maryland, College Park {ankan,snanduri,rranjan1,carlos,rama}@umiacs.umd.edu

More information

MoFA: Model-based Deep Convolutional Face Autoencoder for Unsupervised Monocular Reconstruction

MoFA: Model-based Deep Convolutional Face Autoencoder for Unsupervised Monocular Reconstruction MoFA: Model-based Deep Convolutional Face Autoencoder for Unsupervised Monocular Reconstruction Ayush Tewari Michael Zollhofer Hyeongwoo Kim Pablo Garrido Florian Bernard Patrick Perez Christian Theobalt

More information

CNN for Low Level Image Processing. Huanjing Yue

CNN for Low Level Image Processing. Huanjing Yue CNN for Low Level Image Processing Huanjing Yue 2017.11 1 Deep Learning for Image Restoration General formulation: min Θ L( x, x) s. t. x = F(y; Θ) Loss function Parameters to be learned Key issues The

More information

Minimum Margin Loss for Deep Face Recognition

Minimum Margin Loss for Deep Face Recognition JOURNAL OF L A TEX CLASS FILES, VOL. 14, NO. 8, AUGUST 2015 1 Minimum Margin Loss for Deep Face Recognition Xin Wei, Student Member, IEEE, Hui Wang, Member, IEEE, Bryan Scotney, and Huan Wan arxiv:1805.06741v4

More information

Unsupervised Learning

Unsupervised Learning Deep Learning for Graphics Unsupervised Learning Niloy Mitra Iasonas Kokkinos Paul Guerrero Vladimir Kim Kostas Rematas Tobias Ritschel UCL UCL/Facebook UCL Adobe Research U Washington UCL Timetable Niloy

More information

Partial Least Squares Regression on Grassmannian Manifold for Emotion Recognition

Partial Least Squares Regression on Grassmannian Manifold for Emotion Recognition Emotion Recognition In The Wild Challenge and Workshop (EmotiW 2013) Partial Least Squares Regression on Grassmannian Manifold for Emotion Recognition Mengyi Liu, Ruiping Wang, Zhiwu Huang, Shiguang Shan,

More information

SSD: Single Shot MultiBox Detector. Author: Wei Liu et al. Presenter: Siyu Jiang

SSD: Single Shot MultiBox Detector. Author: Wei Liu et al. Presenter: Siyu Jiang SSD: Single Shot MultiBox Detector Author: Wei Liu et al. Presenter: Siyu Jiang Outline 1. Motivations 2. Contributions 3. Methodology 4. Experiments 5. Conclusions 6. Extensions Motivation Motivation

More information

arxiv: v1 [cs.cv] 17 Nov 2016

arxiv: v1 [cs.cv] 17 Nov 2016 Inverting The Generator Of A Generative Adversarial Network arxiv:1611.05644v1 [cs.cv] 17 Nov 2016 Antonia Creswell BICV Group Bioengineering Imperial College London ac2211@ic.ac.uk Abstract Anil Anthony

More information

arxiv: v1 [cs.cv] 5 Jul 2017

arxiv: v1 [cs.cv] 5 Jul 2017 AlignGAN: Learning to Align Cross- Images with Conditional Generative Adversarial Networks Xudong Mao Department of Computer Science City University of Hong Kong xudonmao@gmail.com Qing Li Department of

More information

LEARNING TO GENERATE CHAIRS WITH CONVOLUTIONAL NEURAL NETWORKS

LEARNING TO GENERATE CHAIRS WITH CONVOLUTIONAL NEURAL NETWORKS LEARNING TO GENERATE CHAIRS WITH CONVOLUTIONAL NEURAL NETWORKS Alexey Dosovitskiy, Jost Tobias Springenberg and Thomas Brox University of Freiburg Presented by: Shreyansh Daftry Visual Learning and Recognition

More information

Computer Vision Lecture 16

Computer Vision Lecture 16 Announcements Computer Vision Lecture 16 Deep Learning Applications 11.01.2017 Seminar registration period starts on Friday We will offer a lab course in the summer semester Deep Robot Learning Topic:

More information

MobileFaceNets: Efficient CNNs for Accurate Real- Time Face Verification on Mobile Devices

MobileFaceNets: Efficient CNNs for Accurate Real- Time Face Verification on Mobile Devices MobileFaceNets: Efficient CNNs for Accurate Real- Time Face Verification on Mobile Devices Sheng Chen 1,2, Yang Liu 2, Xiang Gao 2, and Zhen Han 1 1 School of Computer and Information Technology, Beijing

More information

Training Deep Face Recognition Systems with Synthetic Data

Training Deep Face Recognition Systems with Synthetic Data 1 Training Deep Face Recognition Systems with Synthetic Data Adam Kortylewski, Andreas Schneider, Thomas Gerig, Bernhard Egger, Andreas Morel-Forster, Thomas Vetter Department of Mathematics and Computer

More information

Computer Vision Lecture 16

Computer Vision Lecture 16 Computer Vision Lecture 16 Deep Learning Applications 11.01.2017 Bastian Leibe RWTH Aachen http://www.vision.rwth-aachen.de leibe@vision.rwth-aachen.de Announcements Seminar registration period starts

More information

Recursive Spatial Transformer (ReST) for Alignment-Free Face Recognition

Recursive Spatial Transformer (ReST) for Alignment-Free Face Recognition Recursive Spatial Transformer (ReST) for Alignment-Free Face Recognition Wanglong Wu 1,2 Meina Kan 1,3 Xin Liu 1,2 Yi Yang 4 Shiguang Shan 1,3 Xilin Chen 1 1 Key Lab of Intelligent Information Processing

More information

Pairwise Relational Networks for Face Recognition

Pairwise Relational Networks for Face Recognition Pairwise Relational Networks for Face Recognition Bong-Nam Kang 1[0000 0002 6818 7532], Yonghyun Kim 2[0000 0003 0038 7850], and Daijin Kim 1,2[0000 0002 8046 8521] 1 Department of Creative IT Engineering,

More information

Facial Expression Classification with Random Filters Feature Extraction

Facial Expression Classification with Random Filters Feature Extraction Facial Expression Classification with Random Filters Feature Extraction Mengye Ren Facial Monkey mren@cs.toronto.edu Zhi Hao Luo It s Me lzh@cs.toronto.edu I. ABSTRACT In our work, we attempted to tackle

More information

SphereFace: Deep Hypersphere Embedding for Face Recognition

SphereFace: Deep Hypersphere Embedding for Face Recognition SphereFace: Deep Hypersphere Embedding for Face Recognition Weiyang Liu Yandong Wen Zhiding Yu Ming Li 3 Bhiksha Raj Le Song Georgia Institute of Technology Carnegie Mellon University 3 Sun Yat-Sen University

More information

arxiv: v1 [cs.lg] 12 Jul 2018

arxiv: v1 [cs.lg] 12 Jul 2018 arxiv:1807.04585v1 [cs.lg] 12 Jul 2018 Deep Learning for Imbalance Data Classification using Class Expert Generative Adversarial Network Fanny a, Tjeng Wawan Cenggoro a,b a Computer Science Department,

More information

Introduction to Deep Learning for Facial Understanding Part IV: Facial Understanding

Introduction to Deep Learning for Facial Understanding Part IV: Facial Understanding Introduction to Deep Learning for Facial Understanding Part IV: Facial Understanding Raymond Ptucha, Rochester Institute of Technology, USA Tutorial-9 May 19, 018 www.nvidia.com/dli ptucha 1 R. Ptucha

More information

arxiv: v1 [cs.cv] 29 Sep 2016

arxiv: v1 [cs.cv] 29 Sep 2016 arxiv:1609.09545v1 [cs.cv] 29 Sep 2016 Two-stage Convolutional Part Heatmap Regression for the 1st 3D Face Alignment in the Wild (3DFAW) Challenge Adrian Bulat and Georgios Tzimiropoulos Computer Vision

More information

arxiv: v1 [cs.cv] 15 Nov 2018

arxiv: v1 [cs.cv] 15 Nov 2018 Pairwise Relational Networks using Local Appearance Features for Face Recognition arxiv:1811.06405v1 [cs.cv] 15 Nov 2018 Bong-Nam Kang Department of Creative IT Engineering POSTECH, Korea bnkang@postech.ac.kr

More information

Image Transformation via Neural Network Inversion

Image Transformation via Neural Network Inversion Image Transformation via Neural Network Inversion Asha Anoosheh Rishi Kapadia Jared Rulison Abstract While prior experiments have shown it is possible to approximately reconstruct inputs to a neural net

More information

Git Loss for Deep Face Recognition

Git Loss for Deep Face Recognition CALEFATI ET AL.: GIT LOSS FOR DEEP FACE RECOGNITION 1 Git Loss for Deep Face Recognition Alessandro Calefati *1 a.calefati@uninsubria.it Muhammad Kamran Janjua *2 mjanjua.bscs16seecs@seecs.edu.pk Shah

More information

FaceID-GAN: Learning a Symmetry Three-Player GAN for Identity-Preserving Face Synthesis

FaceID-GAN: Learning a Symmetry Three-Player GAN for Identity-Preserving Face Synthesis FaceID-GAN: Learning a Symmetry Three-Player GAN for Identity-Preserving Face Synthesis Yujun Shen 1, Ping Luo 1,3, Junjie Yan 2, Xiaogang Wang 1, Xiaoou Tang 1 1 CUHK - SenseTime Joint Lab, The Chinese

More information

learning stage (Stage 1), CNNH learns approximate hash codes for training images by optimizing the following loss function:

learning stage (Stage 1), CNNH learns approximate hash codes for training images by optimizing the following loss function: 1 Query-adaptive Image Retrieval by Deep Weighted Hashing Jian Zhang and Yuxin Peng arxiv:1612.2541v2 [cs.cv] 9 May 217 Abstract Hashing methods have attracted much attention for large scale image retrieval.

More information

ECG782: Multidimensional Digital Signal Processing

ECG782: Multidimensional Digital Signal Processing ECG782: Multidimensional Digital Signal Processing Object Recognition http://www.ee.unlv.edu/~b1morris/ecg782/ 2 Outline Knowledge Representation Statistical Pattern Recognition Neural Networks Boosting

More information

Deep Learning for Computer Vision II

Deep Learning for Computer Vision II IIIT Hyderabad Deep Learning for Computer Vision II C. V. Jawahar Paradigm Shift Feature Extraction (SIFT, HoG, ) Part Models / Encoding Classifier Sparrow Feature Learning Classifier Sparrow L 1 L 2 L

More information

arxiv: v3 [cs.cv] 18 Jan 2017

arxiv: v3 [cs.cv] 18 Jan 2017 Triplet Probabilistic Embedding for Face Verification and Clustering Swami Sankaranarayanan Azadeh Alavi Carlos D.Castillo Rama Chellappa Center for Automation Research, UMIACS, University of Maryland,

More information

WITH the widespread use of video cameras for surveillance

WITH the widespread use of video cameras for surveillance IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE, VOL.X, NO.X, MONTH 207 Trunk-Branch Ensemble Convolutional Neural Networks for Video-based Face Recognition Changxing Ding, Member, IEEE,

More information

arxiv: v3 [cs.cv] 24 Apr 2017

arxiv: v3 [cs.cv] 24 Apr 2017 A Light CNN for Deep Face Representation with Noisy Labels arxiv:1511.02683v3 [cs.cv] 24 Apr 2017 Xiang Wu, Ran He, Zhenan Sun, Tieniu Tan Center for Research on Intelligent Perception and Computing (CRIPAC),

More information

Combining Gabor Features: Summing vs.voting in Human Face Recognition *

Combining Gabor Features: Summing vs.voting in Human Face Recognition * Combining Gabor Features: Summing vs.voting in Human Face Recognition * Xiaoyan Mu and Mohamad H. Hassoun Department of Electrical and Computer Engineering Wayne State University Detroit, MI 4822 muxiaoyan@wayne.edu

More information

Two Routes for Image to Image Translation: Rule based vs. Learning based. Minglun Gong, Memorial Univ. Collaboration with Mr.

Two Routes for Image to Image Translation: Rule based vs. Learning based. Minglun Gong, Memorial Univ. Collaboration with Mr. Two Routes for Image to Image Translation: Rule based vs. Learning based Minglun Gong, Memorial Univ. Collaboration with Mr. Zili Yi Introduction A brief history of image processing Image to Image translation

More information

Class 5: Attributes and Semantic Features

Class 5: Attributes and Semantic Features Class 5: Attributes and Semantic Features Rogerio Feris, Feb 21, 2013 EECS 6890 Topics in Information Processing Spring 2013, Columbia University http://rogerioferis.com/visualrecognitionandsearch Project

More information

Development in Object Detection. Junyuan Lin May 4th

Development in Object Detection. Junyuan Lin May 4th Development in Object Detection Junyuan Lin May 4th Line of Research [1] N. Dalal and B. Triggs. Histograms of oriented gradients for human detection, CVPR 2005. HOG Feature template [2] P. Felzenszwalb,

More information

CAP 6412 Advanced Computer Vision

CAP 6412 Advanced Computer Vision CAP 6412 Advanced Computer Vision http://www.cs.ucf.edu/~bgong/cap6412.html Boqing Gong April 21st, 2016 Today Administrivia Free parameters in an approach, model, or algorithm? Egocentric videos by Aisha

More information

Face Detection and Recognition in an Image Sequence using Eigenedginess

Face Detection and Recognition in an Image Sequence using Eigenedginess Face Detection and Recognition in an Image Sequence using Eigenedginess B S Venkatesh, S Palanivel and B Yegnanarayana Department of Computer Science and Engineering. Indian Institute of Technology, Madras

More information

Progress on Generative Adversarial Networks

Progress on Generative Adversarial Networks Progress on Generative Adversarial Networks Wangmeng Zuo Vision Perception and Cognition Centre Harbin Institute of Technology Content Image generation: problem formulation Three issues about GAN Discriminate

More information

Investigating Nuisance Factors in Face Recognition with DCNN Representation

Investigating Nuisance Factors in Face Recognition with DCNN Representation Investigating Nuisance Factors in Face Recognition with DCNN Representation Claudio Ferrari, Giuseppe Lisanti, Stefano Berretti, Alberto Del Bimbo Media Integration and Communication Center (MICC) University

More information

Stacked Denoising Autoencoders for Face Pose Normalization

Stacked Denoising Autoencoders for Face Pose Normalization Stacked Denoising Autoencoders for Face Pose Normalization Yoonseop Kang 1, Kang-Tae Lee 2,JihyunEun 2, Sung Eun Park 2 and Seungjin Choi 1 1 Department of Computer Science and Engineering Pohang University

More information

What was Monet seeing while painting? Translating artworks to photo-realistic images M. Tomei, L. Baraldi, M. Cornia, R. Cucchiara

What was Monet seeing while painting? Translating artworks to photo-realistic images M. Tomei, L. Baraldi, M. Cornia, R. Cucchiara What was Monet seeing while painting? Translating artworks to photo-realistic images M. Tomei, L. Baraldi, M. Cornia, R. Cucchiara COMPUTER VISION IN THE ARTISTIC DOMAIN The effectiveness of Computer Vision

More information

De-mark GAN: Removing Dense Watermark With Generative Adversarial Network

De-mark GAN: Removing Dense Watermark With Generative Adversarial Network De-mark GAN: Removing Dense Watermark With Generative Adversarial Network Jinlin Wu, Hailin Shi, Shu Zhang, Zhen Lei, Yang Yang, Stan Z. Li Center for Biometrics and Security Research & National Laboratory

More information

Learning Invariant Deep Representation for NIR-VIS Face Recognition

Learning Invariant Deep Representation for NIR-VIS Face Recognition Proceedings of the Thirty-First AAAI Conference on Artificial Intelligence (AAAI-17) Learning Invariant Deep Representation for NIR-VIS Face Recognition Ran He, Xiang Wu, Zhenan Sun, Tieniu Tan National

More information

Lecture 12 Recognition

Lecture 12 Recognition Institute of Informatics Institute of Neuroinformatics Lecture 12 Recognition Davide Scaramuzza 1 Lab exercise today replaced by Deep Learning Tutorial Room ETH HG E 1.1 from 13:15 to 15:00 Optional lab

More information

Applying Supervised Learning

Applying Supervised Learning Applying Supervised Learning When to Consider Supervised Learning A supervised learning algorithm takes a known set of input data (the training set) and known responses to the data (output), and trains

More information

CENG 783. Special topics in. Deep Learning. AlchemyAPI. Week 11. Sinan Kalkan

CENG 783. Special topics in. Deep Learning. AlchemyAPI. Week 11. Sinan Kalkan CENG 783 Special topics in Deep Learning AlchemyAPI Week 11 Sinan Kalkan TRAINING A CNN Fig: http://www.robots.ox.ac.uk/~vgg/practicals/cnn/ Feed-forward pass Note that this is written in terms of the

More information

Using Machine Learning to Optimize Storage Systems

Using Machine Learning to Optimize Storage Systems Using Machine Learning to Optimize Storage Systems Dr. Kiran Gunnam 1 Outline 1. Overview 2. Building Flash Models using Logistic Regression. 3. Storage Object classification 4. Storage Allocation recommendation

More information

Discriminative classifiers for image recognition

Discriminative classifiers for image recognition Discriminative classifiers for image recognition May 26 th, 2015 Yong Jae Lee UC Davis Outline Last time: window-based generic object detection basic pipeline face detection with boosting as case study

More information

A Feature Selection Method to Handle Imbalanced Data in Text Classification

A Feature Selection Method to Handle Imbalanced Data in Text Classification A Feature Selection Method to Handle Imbalanced Data in Text Classification Fengxiang Chang 1*, Jun Guo 1, Weiran Xu 1, Kejun Yao 2 1 School of Information and Communication Engineering Beijing University

More information

Challenges motivating deep learning. Sargur N. Srihari

Challenges motivating deep learning. Sargur N. Srihari Challenges motivating deep learning Sargur N. srihari@cedar.buffalo.edu 1 Topics In Machine Learning Basics 1. Learning Algorithms 2. Capacity, Overfitting and Underfitting 3. Hyperparameters and Validation

More information

Introduction to object recognition. Slides adapted from Fei-Fei Li, Rob Fergus, Antonio Torralba, and others

Introduction to object recognition. Slides adapted from Fei-Fei Li, Rob Fergus, Antonio Torralba, and others Introduction to object recognition Slides adapted from Fei-Fei Li, Rob Fergus, Antonio Torralba, and others Overview Basic recognition tasks A statistical learning approach Traditional or shallow recognition

More information

A Framework for Efficient Fingerprint Identification using a Minutiae Tree

A Framework for Efficient Fingerprint Identification using a Minutiae Tree A Framework for Efficient Fingerprint Identification using a Minutiae Tree Praveer Mansukhani February 22, 2008 Problem Statement Developing a real-time scalable minutiae-based indexing system using a

More information

Energy Based Models, Restricted Boltzmann Machines and Deep Networks. Jesse Eickholt

Energy Based Models, Restricted Boltzmann Machines and Deep Networks. Jesse Eickholt Energy Based Models, Restricted Boltzmann Machines and Deep Networks Jesse Eickholt ???? Who s heard of Energy Based Models (EBMs) Restricted Boltzmann Machines (RBMs) Deep Belief Networks Auto-encoders

More information

Face recognition algorithms: performance evaluation

Face recognition algorithms: performance evaluation Face recognition algorithms: performance evaluation Project Report Marco Del Coco - Pierluigi Carcagnì Institute of Applied Sciences and Intelligent systems c/o Dhitech scarl Campus Universitario via Monteroni

More information

Face Detection and Tracking Control with Omni Car

Face Detection and Tracking Control with Omni Car Face Detection and Tracking Control with Omni Car Jheng-Hao Chen, Tung-Yu Wu CS 231A Final Report June 31, 2016 Abstract We present a combination of frontal and side face detection approach, using deep

More information