All Projects → WuJie1010 → Facial Expression Recognition.pytorch

WuJie1010 / Facial Expression Recognition.pytorch

Licence: mit
A CNN based pytorch implementation on facial expression recognition (FER2013 and CK+), achieving 73.112% (state-of-the-art) in FER2013 and 94.64% in CK+ dataset

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Facial Expression Recognition.pytorch

Awesome Face
😎 face releated algorithm, dataset and paper
Stars: ✭ 739 (-27.05%)
Mutual labels:  face-recognition
Facerec
Implements face recognition algorithms for MATLAB/GNU Octave and Python.
Stars: ✭ 921 (-9.08%)
Mutual labels:  face-recognition
Compreface
Free and open-source face recognition system from Exadel
Stars: ✭ 947 (-6.52%)
Mutual labels:  face-recognition
Facex Zoo
A PyTorch Toolbox for Face Recognition
Stars: ✭ 744 (-26.55%)
Mutual labels:  face-recognition
Face Recognition
Face Recognition Using Keras/tensorflow coupled with Node.js Server
Stars: ✭ 16 (-98.42%)
Mutual labels:  face-recognition
Facerec Lock
Face recognition to control servo lock using Raspberry Pi and OpenCV
Stars: ✭ 7 (-99.31%)
Mutual labels:  face-recognition
Facial Similarity With Siamese Networks In Pytorch
Implementing Siamese networks with a contrastive loss for similarity learning
Stars: ✭ 719 (-29.02%)
Mutual labels:  face-recognition
Smart Surveillance System Using Raspberry Pi
This is my Third Year Project for face recognition using OpenCV
Stars: ✭ 41 (-95.95%)
Mutual labels:  face-recognition
Helloface
An awesome face technology repository.
Stars: ✭ 905 (-10.66%)
Mutual labels:  face-recognition
Object face detection webcam react
Face/Mood detection using face-api.js
Stars: ✭ 29 (-97.14%)
Mutual labels:  face-recognition
Human Detection And Tracking
Human-detection-and-Tracking
Stars: ✭ 753 (-25.67%)
Mutual labels:  face-recognition
Facerecognition In Arkit
Detects faces using the Vision-API and runs the extracted face through a CoreML-model to identiy the specific persons.
Stars: ✭ 768 (-24.19%)
Mutual labels:  face-recognition
Facerank
FaceRank - Rank Face by CNN Model based on TensorFlow (add keras version). FaceRank-人脸打分基于 TensorFlow (新增 Keras 版本) 的 CNN 模型(QQ群:167122861)。技术支持:http://tensorflow123.com
Stars: ✭ 841 (-16.98%)
Mutual labels:  face-recognition
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (-27.15%)
Mutual labels:  face-recognition
Facerecognition
OpenCV 3 & Keras implementation of face recognition for specific people.
Stars: ✭ 32 (-96.84%)
Mutual labels:  face-recognition
Dlib face recognition from camera
Detect and recognize the faces from camera / 调用摄像头进行人脸识别,支持多张人脸同时识别
Stars: ✭ 719 (-29.02%)
Mutual labels:  face-recognition
Inverse Style Gan
Looking up a generative latent vectors from (face) reference images.
Stars: ✭ 26 (-97.43%)
Mutual labels:  face-recognition
Facedataset
制作亚洲人脸数据集
Stars: ✭ 42 (-95.85%)
Mutual labels:  face-recognition
Facerecog
Face Recognition using Neural Networks implemented using Keras
Stars: ✭ 39 (-96.15%)
Mutual labels:  face-recognition
Training extensions
Trainable models and NN optimization tools
Stars: ✭ 857 (-15.4%)
Mutual labels:  face-recognition

Facial-Expression-Recognition.Pytorch

A CNN based pytorch implementation on facial expression recognition (FER2013 and CK+), achieving 73.112% (state-of-the-art) in FER2013 and 94.64% in CK+ dataset

Demos

Image text Image text

Dependencies

  • Python 2.7
  • Pytorch >=0.2.0
  • h5py (Preprocessing)
  • sklearn (plot confusion matrix)

Visualize for a test image by a pre-trained model

FER2013 Dataset

Preprocessing Fer2013

  • first download the dataset(fer2013.csv) then put it in the "data" folder, then
  • python preprocess_fer2013.py

Train and Eval model

  • python mainpro_FER.py --model VGG19 --bs 128 --lr 0.01

plot confusion matrix

  • python plot_fer2013_confusion_matrix.py --model VGG19 --split PrivateTest

fer2013 Accurary

  • Model: VGG19 ; PublicTest_acc: 71.496% ; PrivateTest_acc:73.112%
  • Model: Resnet18 ; PublicTest_acc: 71.190% ; PrivateTest_acc:72.973%

CK+ Dataset

  • The CK+ dataset is an extension of the CK dataset. It contains 327 labeled facial videos, We extracted the last three frames from each sequence in the CK+ dataset, which contains a total of 981 facial expressions. we use 10-fold Cross validation in the experiment.

Train and Eval model for a fold

  • python mainpro_CK+.py --model VGG19 --bs 128 --lr 0.01 --fold 1

Train and Eval model for all 10 fold

  • python k_fold_train.py

plot confusion matrix for all fold

  • python plot_CK+_confusion_matrix.py --model VGG19

CK+ Accurary

  • Model: VGG19 ; Test_acc: 94.646%
  • Model: Resnet18 ; Test_acc: 94.040%
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].