SlideShare ist ein Scribd-Unternehmen logo
1 von 27
Downloaden Sie, um offline zu lesen
Human Emotions based on Facial
Expression using CNN
Big Data Ecosystems Spring 17 - Course Project
Team 12 - Happy Gator
Chaitanya Maddala, Vineeth Kamisetty, Sandeep Basavaraju
Department of CISE
University of Florida
Introduction
Humans use different forms of communications such as speech, gestures and
emotions. Understanding one’s emotion through facial expression is
challenging when compared to the speech and gestures.
The input into our system is an image of the facial expression; then, the model
will predict the emotion.
Goal: Giving the capability to an artificial neural network to interpret human facial
expression, that is to recognize one of six categories of human emotions(Angry,
Fear ,Happy, Sad, Surprise, Neutral).
Applications
Surveillance and behavioural classification by law enforcement
Automatic camera capture when person smiles
Humanization of artificial intelligent systems
Literature Survey
Imagenet classification with deep convolutional neural networks.
A landmark paper in the history of the deep learning by Krizhevsky, Sutskever
and Hinton on Image classification, in which a neural network with 5
convolutional, 3 max pooling, and 3 fully connected layers was developed.
Trained with 1.2 million images from the ImageNet LSVRC-2010 contest
Obtained a error rate of 37.5%, which is the best ever reported.
It demonstrated the capability of CNN along with max pooling and techniques
to reduce overfitting like dropout.
Recognizing semantic features in faces using deep learning
One of the most recent studies on emotion recognition describes a neural
network able to recognize race, age, gender, and emotion from pictures of
faces.
The dataset used for the later category is from the Facial Expression
Recognition Challenge (FERC-2013).
A deep neural network consisting of 3 convolutional layers, 1 fully connected
layer, and some small layers in between obtained an average accuracy of
67% on emotion classification,
Equal to previous state-of-the-art publications on that dataset.
Literature Survey
DataSets
FERC(Facial Expression Recognition Challenge)-2013
28000+ face samples of training data
4000+ test data images.
● RafD(Radboud faces database):High quality images transformed to gray scale
and to model input image size i.e 48x48
Image preprocessing
We used OpenCV to capture the live image.
Using Haar Cascade image processing technique to detect the faces.
We found that there was situation where it didn’t detect the faces in the live
image due to lack of contrast.
So we employed histogram equalization to improve detection by increasing
contrast.
Image preprocessing
● Haar-cascade :
○ Face detection using Haar-cascade is based upon the training of a Binary classifier system
using number of positive images that represent the object to be recognized (like faces of
different persons at different backgrounds) and even large number of negative images that
represent objects or feature not to be detected(images that are not faces but can be anything
else like chair, table, wall, etc.)
Actual Image Extracted face
TFLearn
TFlearn is a modular and transparent deep learning library built on top of Tensorflow.TFLearn is a
high-level API for fast neural network building and training.
Layers:Defining a model using Tensorflow completely is time consuming and repetitive, TFLearn has
"layers" that represent an abstract set of operations , which make building neural networks more
convenient.
Tensoflow:
with tf.name_scope('conv1'):
W = tf.Variable(tf.random_normal([5, 5, 1, 32]), dtype=tf.float32, name='Weights')
b = tf.Variable(tf.random_normal([32]), dtype=tf.float32, name='biases')
x = tf.nn.conv2d(x, W, strides=[1, 1, 1, 1], padding='SAME')
x = tf.add_bias(W, b)
x = tf.nn.relu(x)
TfLearn:
tflearn.conv_2d(x, 32, 5, activation='relu', name='conv1')
Training, Evaluating & Predicting: Tensorflow does not have any pre-built API to train a
network.But TFLearn has set of functions that can handles any neural network training, regardless of the
number of inputs, outputs and optimizers. TFLearn provides a model wrapper ('DNN') that automatically
performs neural network classifier tasks, such as training, prediction, save/restore
network = ....
network = regression(network, optimizer='sgd', loss='categorical_crossentropy')
model = DNN(network)
model.fit(X, Y)
Scopes & Weights sharing : TFLearn makes it easy to share variables among multiple layers and
hence is suitable for distributed training. It supports 'scope' argument layers with same scope name will
share the same weights.
def my_model(x):
x = tflearn.fully_connected(x, 32, scope='fc1')
x = tflearn.fully_connected(x, 32, scope='fc2')
TFLearn
System Architecture
Basic CNN Architecture
Final CNN Architecture
Models:
Different final models comparison ->
Model A Model B Model C Model D Model res
Conv
(3x32)
+
Conv
(5x32)
Conv(5x32) Conv(5x64) Conv(5x64) Conv(5x 64)
Conv
(3x64)
+
Conv
(5x64)
Conv(5x64) Conv(5x64) Conv(5x64) Residual_bottlene
ck
(3,16,64)
Conv
(3x128)
+
Conv(5x128)
Conv(5x128) Conv(5x128) Conv(5x64) Residual_bottlene
ck
(1,32,128)
fc(1024) fc(1024) fc(1024) Conv(4x128) Residual_bottlene
ck
(2,32,128)
fc(1024) fc(1024) fc(1024) Conv(4x128) Residual_bottlene
ck
(1,64,256)
- - - - Residual_bottlene
ck
(2,64,256)
- - - fc(3072) fc(3072)
Experimental Results: FERC
Model Training
Accuracy
Validation
Accuracy
Testing Accuracy
(Top-1 &Top- 2)
Model A 51.4 48.7 48.67% & 68.07%
Model B 45.38 45.50 43.91% & 61.85%
Model C 71.15 59.68 60.1% & 78.37%
Model D 57 51 49.18% & 69.10%
Model res 69 59.35 58.15% & 75.24%
Experimental Results: RaFD
Model Complete RafD (1400)
top 1 and top 2
Model C 59.12% & 82.88%
Model Test dataset top 1 and top 2 (400 images of RaFD)
Model C 63.34% & 83.29%
Model C + RafD trained (1000 images) 91.15% & 98.52%
Accuracy of existing models
Network proposed by Krizhevsky and Hinton consists of three convolutional
layers and two fully connected layers, combined with max pooling layers for
reducing the image size and a dropout layer to reduce the chance of
overfitting
The final accuracy on the testing data of FERC is around 71% as of 2016.
Training graphs
Training accuracy for all 5 models Validation Accuracy for all 5 models
model A, model B, model C, model D, model resnet
Performance Evaluation
The trained model is tested with the 3500 images test data set provided from
FERC-2013.
The model is also tested on RaFD data frontal faces and the accuracy results
obtained is …..
Top-1 and Top-2 accuracy results on the testing set are recorded and compared
for evaluating the trained model.
Top-2 accuracy on FERC test data : 78.97%
Results and Summary
In addition to results from FERC-2013 test data set, it would also include from
other datasets.
A comparison of multiple datasets would be shown i.e training and testing on
different datasets.
Softmax output plot
Prediction Matrix:
This gives us insights about confusions
across emotions.
From the figure, we can infer that fear is
confused with sadness.
Model A vs Model C
Prediction matrix for Model A for FERC dataset Prediction matrix for Model C for FERC dataset.
Analyzing features extracted
in between layers
Activation Map for Surprise -------------->
Activation Map for Happy ----------------->
Final Demo :
● An application which can recognize emotion at real time capturing images
using OpenCV.
● Capture live images from video frame, format it to grayscale 48x48 pixels
● Image is sent to the model for prediction and output the emotion to video
frame.
Screenshot from live demo
References:
A. Krizhevsky, I. Sutskever, and G. E. Hinton. Imagenet classification with deep
convolutional neural networks. In Advances in neural information processing
system.
Kaggle. Challenges in representation learning:Facial expression recognition
challenge, 2013.
Y. Lv, Z. Feng, and C. Xu. Facial expression recognition via deep learning. In
Smart Computing (SMARTCOMP), 2014 International.
TFlearn Tearn: Deep learning library featuring a higher-level api for tensorow.
URL :http://tflearn.org/.

Weitere ähnliche Inhalte

Was ist angesagt?

Facial expression recognition
Facial expression recognitionFacial expression recognition
Facial expression recognitionElyesMiri
 
Emotion detection using cnn.pptx
Emotion detection using cnn.pptxEmotion detection using cnn.pptx
Emotion detection using cnn.pptxRADO7900
 
Facial emotion recognition
Facial emotion recognitionFacial emotion recognition
Facial emotion recognitionAnukriti Dureha
 
4837410 automatic-facial-emotion-recognition
4837410 automatic-facial-emotion-recognition4837410 automatic-facial-emotion-recognition
4837410 automatic-facial-emotion-recognitionNgaire Taylor
 
Facial emotion detection on babies' emotional face using Deep Learning.
Facial emotion detection on babies' emotional face using Deep Learning.Facial emotion detection on babies' emotional face using Deep Learning.
Facial emotion detection on babies' emotional face using Deep Learning.Takrim Ul Islam Laskar
 
Facial Expression Recognition (FER) using Deep Learning
Facial Expression Recognition (FER) using Deep LearningFacial Expression Recognition (FER) using Deep Learning
Facial Expression Recognition (FER) using Deep LearningEmmeline Tsen
 
Facial Expression Recognition via Python
Facial Expression Recognition via PythonFacial Expression Recognition via Python
Facial Expression Recognition via PythonSaurav Gupta
 
Facial Emotion Recognition using Convolution Neural Network
Facial Emotion Recognition using Convolution Neural NetworkFacial Emotion Recognition using Convolution Neural Network
Facial Emotion Recognition using Convolution Neural NetworkYogeshIJTSRD
 
Face detection and recognition
Face detection and recognitionFace detection and recognition
Face detection and recognitionPankaj Thakur
 
Facel expression recognition
Facel expression recognitionFacel expression recognition
Facel expression recognitionMintoo Jakhmola
 
Facial expression recognition based on image feature
Facial expression recognition based on image featureFacial expression recognition based on image feature
Facial expression recognition based on image featureTasnim Tara
 
Facial recognition system
Facial recognition systemFacial recognition system
Facial recognition systemDivya Sushma
 
Face recognigion system ppt
Face recognigion system pptFace recognigion system ppt
Face recognigion system pptRavi Kumar
 
Human Emotion Recognition using Machine Learning
Human Emotion Recognition using Machine LearningHuman Emotion Recognition using Machine Learning
Human Emotion Recognition using Machine Learningijtsrd
 
Automated Face Detection System
Automated Face Detection SystemAutomated Face Detection System
Automated Face Detection SystemAbhiroop Ghatak
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technologyranjit banshpal
 
Facial Emoji Recognition
Facial Emoji RecognitionFacial Emoji Recognition
Facial Emoji Recognitionijtsrd
 
Introduction to emotion detection
Introduction to emotion detectionIntroduction to emotion detection
Introduction to emotion detectionTyler Schnoebelen
 

Was ist angesagt? (20)

Facial expression recognition
Facial expression recognitionFacial expression recognition
Facial expression recognition
 
Emotion detection using cnn.pptx
Emotion detection using cnn.pptxEmotion detection using cnn.pptx
Emotion detection using cnn.pptx
 
Facial emotion recognition
Facial emotion recognitionFacial emotion recognition
Facial emotion recognition
 
4837410 automatic-facial-emotion-recognition
4837410 automatic-facial-emotion-recognition4837410 automatic-facial-emotion-recognition
4837410 automatic-facial-emotion-recognition
 
Facial Expression Recognitino
Facial Expression RecognitinoFacial Expression Recognitino
Facial Expression Recognitino
 
EMOTION DETECTION USING AI
EMOTION DETECTION USING AIEMOTION DETECTION USING AI
EMOTION DETECTION USING AI
 
Facial emotion detection on babies' emotional face using Deep Learning.
Facial emotion detection on babies' emotional face using Deep Learning.Facial emotion detection on babies' emotional face using Deep Learning.
Facial emotion detection on babies' emotional face using Deep Learning.
 
Facial Expression Recognition (FER) using Deep Learning
Facial Expression Recognition (FER) using Deep LearningFacial Expression Recognition (FER) using Deep Learning
Facial Expression Recognition (FER) using Deep Learning
 
Facial Expression Recognition via Python
Facial Expression Recognition via PythonFacial Expression Recognition via Python
Facial Expression Recognition via Python
 
Facial Emotion Recognition using Convolution Neural Network
Facial Emotion Recognition using Convolution Neural NetworkFacial Emotion Recognition using Convolution Neural Network
Facial Emotion Recognition using Convolution Neural Network
 
Face detection and recognition
Face detection and recognitionFace detection and recognition
Face detection and recognition
 
Facel expression recognition
Facel expression recognitionFacel expression recognition
Facel expression recognition
 
Facial expression recognition based on image feature
Facial expression recognition based on image featureFacial expression recognition based on image feature
Facial expression recognition based on image feature
 
Facial recognition system
Facial recognition systemFacial recognition system
Facial recognition system
 
Face recognigion system ppt
Face recognigion system pptFace recognigion system ppt
Face recognigion system ppt
 
Human Emotion Recognition using Machine Learning
Human Emotion Recognition using Machine LearningHuman Emotion Recognition using Machine Learning
Human Emotion Recognition using Machine Learning
 
Automated Face Detection System
Automated Face Detection SystemAutomated Face Detection System
Automated Face Detection System
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technology
 
Facial Emoji Recognition
Facial Emoji RecognitionFacial Emoji Recognition
Facial Emoji Recognition
 
Introduction to emotion detection
Introduction to emotion detectionIntroduction to emotion detection
Introduction to emotion detection
 

Ähnlich wie Human Emotions based on Facial Expression using CNN

Caricature Recognition and Generation
Caricature Recognition and GenerationCaricature Recognition and Generation
Caricature Recognition and GenerationSaurav Jha
 
AGE AND GENDER DETECTION.pptx
AGE AND GENDER DETECTION.pptxAGE AND GENDER DETECTION.pptx
AGE AND GENDER DETECTION.pptxssuserb4a9ba
 
ageandgenderdetection-220802061020-9ee5a2cd.pptx
ageandgenderdetection-220802061020-9ee5a2cd.pptxageandgenderdetection-220802061020-9ee5a2cd.pptx
ageandgenderdetection-220802061020-9ee5a2cd.pptxdhaliwalharsh055
 
one shot15729752 Deep Learning for AI and DS
one shot15729752 Deep Learning for AI and DSone shot15729752 Deep Learning for AI and DS
one shot15729752 Deep Learning for AI and DSManiMaran230751
 
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural NetworkTargeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Networkijceronline
 
fuzzy LBP for face recognition ppt
fuzzy LBP for face recognition pptfuzzy LBP for face recognition ppt
fuzzy LBP for face recognition pptAbdullah Gubbi
 
Deep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and HypeDeep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and HypeSiby Jose Plathottam
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural NetworksYogendra Tamang
 
Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence           Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence CruzIbarra161
 
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...ijaia
 
[Revised] Intro to CNN
[Revised] Intro to CNN[Revised] Intro to CNN
[Revised] Intro to CNNVincent Tatan
 
xGem Machine Learning
xGem Machine LearningxGem Machine Learning
xGem Machine LearningJorge Hirtz
 
Machine learning - xGem - AI
Machine learning - xGem - AIMachine learning - xGem - AI
Machine learning - xGem - AIJuan Carniglia
 
Report face recognition : ArganRecogn
Report face recognition :  ArganRecognReport face recognition :  ArganRecogn
Report face recognition : ArganRecognIlyas CHAOUA
 
Methodological study of opinion mining and sentiment analysis techniques
Methodological study of opinion mining and sentiment analysis techniquesMethodological study of opinion mining and sentiment analysis techniques
Methodological study of opinion mining and sentiment analysis techniquesijsc
 
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptxAnalysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptxDebrajBanerjee22
 
Image De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural NetworkImage De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural Networkaciijournal
 
Image–based face-detection-and-recognition-using-matlab
Image–based face-detection-and-recognition-using-matlabImage–based face-detection-and-recognition-using-matlab
Image–based face-detection-and-recognition-using-matlabIjcem Journal
 
PERFORMANCE EVALUATION OF FUZZY LOGIC AND BACK PROPAGATION NEURAL NETWORK FOR...
PERFORMANCE EVALUATION OF FUZZY LOGIC AND BACK PROPAGATION NEURAL NETWORK FOR...PERFORMANCE EVALUATION OF FUZZY LOGIC AND BACK PROPAGATION NEURAL NETWORK FOR...
PERFORMANCE EVALUATION OF FUZZY LOGIC AND BACK PROPAGATION NEURAL NETWORK FOR...ijesajournal
 

Ähnlich wie Human Emotions based on Facial Expression using CNN (20)

One shot learning
One shot learningOne shot learning
One shot learning
 
Caricature Recognition and Generation
Caricature Recognition and GenerationCaricature Recognition and Generation
Caricature Recognition and Generation
 
AGE AND GENDER DETECTION.pptx
AGE AND GENDER DETECTION.pptxAGE AND GENDER DETECTION.pptx
AGE AND GENDER DETECTION.pptx
 
ageandgenderdetection-220802061020-9ee5a2cd.pptx
ageandgenderdetection-220802061020-9ee5a2cd.pptxageandgenderdetection-220802061020-9ee5a2cd.pptx
ageandgenderdetection-220802061020-9ee5a2cd.pptx
 
one shot15729752 Deep Learning for AI and DS
one shot15729752 Deep Learning for AI and DSone shot15729752 Deep Learning for AI and DS
one shot15729752 Deep Learning for AI and DS
 
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural NetworkTargeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
 
fuzzy LBP for face recognition ppt
fuzzy LBP for face recognition pptfuzzy LBP for face recognition ppt
fuzzy LBP for face recognition ppt
 
Deep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and HypeDeep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and Hype
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural Networks
 
Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence           Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence
 
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...
 
[Revised] Intro to CNN
[Revised] Intro to CNN[Revised] Intro to CNN
[Revised] Intro to CNN
 
xGem Machine Learning
xGem Machine LearningxGem Machine Learning
xGem Machine Learning
 
Machine learning - xGem - AI
Machine learning - xGem - AIMachine learning - xGem - AI
Machine learning - xGem - AI
 
Report face recognition : ArganRecogn
Report face recognition :  ArganRecognReport face recognition :  ArganRecogn
Report face recognition : ArganRecogn
 
Methodological study of opinion mining and sentiment analysis techniques
Methodological study of opinion mining and sentiment analysis techniquesMethodological study of opinion mining and sentiment analysis techniques
Methodological study of opinion mining and sentiment analysis techniques
 
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptxAnalysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx
Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx
 
Image De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural NetworkImage De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural Network
 
Image–based face-detection-and-recognition-using-matlab
Image–based face-detection-and-recognition-using-matlabImage–based face-detection-and-recognition-using-matlab
Image–based face-detection-and-recognition-using-matlab
 
PERFORMANCE EVALUATION OF FUZZY LOGIC AND BACK PROPAGATION NEURAL NETWORK FOR...
PERFORMANCE EVALUATION OF FUZZY LOGIC AND BACK PROPAGATION NEURAL NETWORK FOR...PERFORMANCE EVALUATION OF FUZZY LOGIC AND BACK PROPAGATION NEURAL NETWORK FOR...
PERFORMANCE EVALUATION OF FUZZY LOGIC AND BACK PROPAGATION NEURAL NETWORK FOR...
 

Kürzlich hochgeladen

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 Analysismanisha194592
 
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一ffjhghh
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfMarinCaroMartnezBerg
 
Carero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxCarero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxolyaivanovalion
 
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 MilvusTimothy Spann
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionfulawalesam
 
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfMarket Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfRachmat Ramadhan H
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...Suhani Kapoor
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfLars Albertsson
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubaihf8803863
 
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptxEMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptxthyngster
 
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.pptxolyaivanovalion
 
Call Girls In Mahipalpur O9654467111 Escorts Service
Call Girls In Mahipalpur O9654467111  Escorts ServiceCall Girls In Mahipalpur O9654467111  Escorts Service
Call Girls In Mahipalpur O9654467111 Escorts ServiceSapana Sha
 
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 BarshaAroojKhan71
 
Unveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data AnalystUnveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data AnalystSamantha Rae Coolbeth
 
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service Bhilai
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service BhilaiLow Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service Bhilai
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service BhilaiSuhani Kapoor
 
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.pptxolyaivanovalion
 

Kürzlich hochgeladen (20)

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
 
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
 
Carero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxCarero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptx
 
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
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interaction
 
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfMarket Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdf
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
 
E-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptxE-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptx
 
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptxEMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
 
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
 
Call Girls In Mahipalpur O9654467111 Escorts Service
Call Girls In Mahipalpur O9654467111  Escorts ServiceCall Girls In Mahipalpur O9654467111  Escorts Service
Call Girls In Mahipalpur O9654467111 Escorts Service
 
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
 
Unveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data AnalystUnveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data Analyst
 
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service Bhilai
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service BhilaiLow Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service Bhilai
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service Bhilai
 
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
 

Human Emotions based on Facial Expression using CNN

  • 1. Human Emotions based on Facial Expression using CNN Big Data Ecosystems Spring 17 - Course Project Team 12 - Happy Gator Chaitanya Maddala, Vineeth Kamisetty, Sandeep Basavaraju Department of CISE University of Florida
  • 2. Introduction Humans use different forms of communications such as speech, gestures and emotions. Understanding one’s emotion through facial expression is challenging when compared to the speech and gestures. The input into our system is an image of the facial expression; then, the model will predict the emotion. Goal: Giving the capability to an artificial neural network to interpret human facial expression, that is to recognize one of six categories of human emotions(Angry, Fear ,Happy, Sad, Surprise, Neutral).
  • 3. Applications Surveillance and behavioural classification by law enforcement Automatic camera capture when person smiles Humanization of artificial intelligent systems
  • 4. Literature Survey Imagenet classification with deep convolutional neural networks. A landmark paper in the history of the deep learning by Krizhevsky, Sutskever and Hinton on Image classification, in which a neural network with 5 convolutional, 3 max pooling, and 3 fully connected layers was developed. Trained with 1.2 million images from the ImageNet LSVRC-2010 contest Obtained a error rate of 37.5%, which is the best ever reported. It demonstrated the capability of CNN along with max pooling and techniques to reduce overfitting like dropout.
  • 5. Recognizing semantic features in faces using deep learning One of the most recent studies on emotion recognition describes a neural network able to recognize race, age, gender, and emotion from pictures of faces. The dataset used for the later category is from the Facial Expression Recognition Challenge (FERC-2013). A deep neural network consisting of 3 convolutional layers, 1 fully connected layer, and some small layers in between obtained an average accuracy of 67% on emotion classification, Equal to previous state-of-the-art publications on that dataset. Literature Survey
  • 6. DataSets FERC(Facial Expression Recognition Challenge)-2013 28000+ face samples of training data 4000+ test data images. ● RafD(Radboud faces database):High quality images transformed to gray scale and to model input image size i.e 48x48
  • 7. Image preprocessing We used OpenCV to capture the live image. Using Haar Cascade image processing technique to detect the faces. We found that there was situation where it didn’t detect the faces in the live image due to lack of contrast. So we employed histogram equalization to improve detection by increasing contrast.
  • 8. Image preprocessing ● Haar-cascade : ○ Face detection using Haar-cascade is based upon the training of a Binary classifier system using number of positive images that represent the object to be recognized (like faces of different persons at different backgrounds) and even large number of negative images that represent objects or feature not to be detected(images that are not faces but can be anything else like chair, table, wall, etc.) Actual Image Extracted face
  • 9. TFLearn TFlearn is a modular and transparent deep learning library built on top of Tensorflow.TFLearn is a high-level API for fast neural network building and training. Layers:Defining a model using Tensorflow completely is time consuming and repetitive, TFLearn has "layers" that represent an abstract set of operations , which make building neural networks more convenient. Tensoflow: with tf.name_scope('conv1'): W = tf.Variable(tf.random_normal([5, 5, 1, 32]), dtype=tf.float32, name='Weights') b = tf.Variable(tf.random_normal([32]), dtype=tf.float32, name='biases') x = tf.nn.conv2d(x, W, strides=[1, 1, 1, 1], padding='SAME') x = tf.add_bias(W, b) x = tf.nn.relu(x) TfLearn: tflearn.conv_2d(x, 32, 5, activation='relu', name='conv1')
  • 10. Training, Evaluating & Predicting: Tensorflow does not have any pre-built API to train a network.But TFLearn has set of functions that can handles any neural network training, regardless of the number of inputs, outputs and optimizers. TFLearn provides a model wrapper ('DNN') that automatically performs neural network classifier tasks, such as training, prediction, save/restore network = .... network = regression(network, optimizer='sgd', loss='categorical_crossentropy') model = DNN(network) model.fit(X, Y) Scopes & Weights sharing : TFLearn makes it easy to share variables among multiple layers and hence is suitable for distributed training. It supports 'scope' argument layers with same scope name will share the same weights. def my_model(x): x = tflearn.fully_connected(x, 32, scope='fc1') x = tflearn.fully_connected(x, 32, scope='fc2') TFLearn
  • 14. Models: Different final models comparison -> Model A Model B Model C Model D Model res Conv (3x32) + Conv (5x32) Conv(5x32) Conv(5x64) Conv(5x64) Conv(5x 64) Conv (3x64) + Conv (5x64) Conv(5x64) Conv(5x64) Conv(5x64) Residual_bottlene ck (3,16,64) Conv (3x128) + Conv(5x128) Conv(5x128) Conv(5x128) Conv(5x64) Residual_bottlene ck (1,32,128) fc(1024) fc(1024) fc(1024) Conv(4x128) Residual_bottlene ck (2,32,128) fc(1024) fc(1024) fc(1024) Conv(4x128) Residual_bottlene ck (1,64,256) - - - - Residual_bottlene ck (2,64,256) - - - fc(3072) fc(3072)
  • 15. Experimental Results: FERC Model Training Accuracy Validation Accuracy Testing Accuracy (Top-1 &Top- 2) Model A 51.4 48.7 48.67% & 68.07% Model B 45.38 45.50 43.91% & 61.85% Model C 71.15 59.68 60.1% & 78.37% Model D 57 51 49.18% & 69.10% Model res 69 59.35 58.15% & 75.24%
  • 16. Experimental Results: RaFD Model Complete RafD (1400) top 1 and top 2 Model C 59.12% & 82.88% Model Test dataset top 1 and top 2 (400 images of RaFD) Model C 63.34% & 83.29% Model C + RafD trained (1000 images) 91.15% & 98.52%
  • 17. Accuracy of existing models Network proposed by Krizhevsky and Hinton consists of three convolutional layers and two fully connected layers, combined with max pooling layers for reducing the image size and a dropout layer to reduce the chance of overfitting The final accuracy on the testing data of FERC is around 71% as of 2016.
  • 18. Training graphs Training accuracy for all 5 models Validation Accuracy for all 5 models model A, model B, model C, model D, model resnet
  • 19. Performance Evaluation The trained model is tested with the 3500 images test data set provided from FERC-2013. The model is also tested on RaFD data frontal faces and the accuracy results obtained is ….. Top-1 and Top-2 accuracy results on the testing set are recorded and compared for evaluating the trained model. Top-2 accuracy on FERC test data : 78.97%
  • 20. Results and Summary In addition to results from FERC-2013 test data set, it would also include from other datasets. A comparison of multiple datasets would be shown i.e training and testing on different datasets.
  • 22. Prediction Matrix: This gives us insights about confusions across emotions. From the figure, we can infer that fear is confused with sadness.
  • 23. Model A vs Model C Prediction matrix for Model A for FERC dataset Prediction matrix for Model C for FERC dataset.
  • 24. Analyzing features extracted in between layers Activation Map for Surprise --------------> Activation Map for Happy ----------------->
  • 25. Final Demo : ● An application which can recognize emotion at real time capturing images using OpenCV. ● Capture live images from video frame, format it to grayscale 48x48 pixels ● Image is sent to the model for prediction and output the emotion to video frame.
  • 27. References: A. Krizhevsky, I. Sutskever, and G. E. Hinton. Imagenet classification with deep convolutional neural networks. In Advances in neural information processing system. Kaggle. Challenges in representation learning:Facial expression recognition challenge, 2013. Y. Lv, Z. Feng, and C. Xu. Facial expression recognition via deep learning. In Smart Computing (SMARTCOMP), 2014 International. TFlearn Tearn: Deep learning library featuring a higher-level api for tensorow. URL :http://tflearn.org/.