All Projects → QuickLearner171998 → Facial-Expression-Recognition

QuickLearner171998 / Facial-Expression-Recognition

Licence: other
Facial Expression Recognition with Keras

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to Facial-Expression-Recognition

PolyphonicPianoTranscription
Recurrent Neural Network for generating piano MIDI-files from audio (MP3, WAV, etc.)
Stars: ✭ 146 (+758.82%)
Mutual labels:  cnn-keras, keras-tensorflow
potato-disease-classification
Potato Disease Classification - Training, Rest APIs, and Frontend to test.
Stars: ✭ 95 (+458.82%)
Mutual labels:  cnn-keras, keras-tensorflow
Resnetcam Keras
Keras implementation of a ResNet-CAM model
Stars: ✭ 269 (+1482.35%)
Mutual labels:  cnn-keras, keras-tensorflow
Visualization-of-Convolutional-Layers
No description or website provided.
Stars: ✭ 22 (+29.41%)
Mutual labels:  cnn-keras
coral-ordinal
Tensorflow Keras implementation of ordinal regression using consistent rank logits (CORAL) by Cao et al. (2019)
Stars: ✭ 52 (+205.88%)
Mutual labels:  keras-tensorflow
Nearest-Celebrity-Face
Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.
Stars: ✭ 30 (+76.47%)
Mutual labels:  keras-tensorflow
Recurrent-Neural-Network-for-BitCoin-price-prediction
Recurrent Neural Network (LSTM) by using TensorFlow and Keras in Python for BitCoin price prediction
Stars: ✭ 53 (+211.76%)
Mutual labels:  keras-tensorflow
stock-volatility-google-trends
Deep Learning Stock Volatility with Google Domestic Trends: https://arxiv.org/pdf/1512.04916.pdf
Stars: ✭ 74 (+335.29%)
Mutual labels:  keras-tensorflow
GLOM-TensorFlow
An attempt at the implementation of GLOM, Geoffrey Hinton's paper for emergent part-whole hierarchies from data
Stars: ✭ 32 (+88.24%)
Mutual labels:  keras-tensorflow
Word-Level-Eng-Mar-NMT
Translating English sentences to Marathi using Neural Machine Translation
Stars: ✭ 37 (+117.65%)
Mutual labels:  keras-tensorflow
DCASE2020 task1
Code for DCASE 2020 task 1a and task 1b.
Stars: ✭ 72 (+323.53%)
Mutual labels:  keras-tensorflow
One-Shot-Learning-with-Siamese-Networks
Implementation of One Shot Learning using Convolutional Siamese Networks on Omniglot Dataset
Stars: ✭ 129 (+658.82%)
Mutual labels:  keras-tensorflow
SignatureVerification
A system to recognize whether signatures are forged or real.
Stars: ✭ 17 (+0%)
Mutual labels:  keras-tensorflow
labml
🔎 Monitor deep learning model training and hardware usage from your mobile phone 📱
Stars: ✭ 1,213 (+7035.29%)
Mutual labels:  keras-tensorflow
ecce
ML Prediction of Bible Topics and Passages (Python / React)
Stars: ✭ 36 (+111.76%)
Mutual labels:  keras-tensorflow
Deep-learning-model-deploy-with-django
Serving a keras model (neural networks) in a website with the python Django-REST framework.
Stars: ✭ 76 (+347.06%)
Mutual labels:  keras-tensorflow
ECG-acquisition-classification
Single Lead ECG signal Acquisition and Arrhythmia Classification using Deep Learning
Stars: ✭ 41 (+141.18%)
Mutual labels:  keras-tensorflow
histopathologic cancer detector
CNN histopathologic tumor identifier.
Stars: ✭ 26 (+52.94%)
Mutual labels:  cnn-keras
ForEx
Using ML to create a ForEx trader to invest my personal finances to get rid of student debt
Stars: ✭ 17 (+0%)
Mutual labels:  keras-tensorflow
a-neural-algorithm-of-artistic-style
Keras implementation of "A Neural Algorithm of Artistic Style"
Stars: ✭ 110 (+547.06%)
Mutual labels:  keras-tensorflow

Facial-Expression-Recognition

This project is a part of Coursera's Guided Project - Facial Expression Recognition with Keras

In this project, we will build and train a convolutional neural network (CNN) in Keras from scratch to recognize facial expressions. The data consists of 48x48 pixel grayscale images of faces. The objective is to classify each face based on the emotion shown in the facial expression into one of seven categories (0=Angry, 1=Disgust, 2=Fear, 3=Happy, 4=Sad, 5=Surprise, 6=Neutral). We will use OpenCV to automatically detect faces in images and draw bounding boxes around them. Once we have trained, saved, and exported the CNN, we will directly serve the trained model to a web interface and perform real-time facial expression recognition on video and image data.

The project can be braodly divided into two parts -

  1. Build and train a model in Keras for Facial Expression Recognition.
  2. Deploy the model on web using FLASK and run it on videos.

Steps to follow

  1. Extract train and test images from data.rar file.

  2. Install dependencies using

    pip install pipenv

    pipenv install

  3. Run the jupyter notebook for training, model.json and model_weights.h5 files will be created after training.

  4. Add the correct path to the video file in camera.py on line 11.

  5. Now run pipenv run python3 main.py

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].