All Projects → kaushikjadhav01 → Deep-Surveillance-Monitor-Facial-Emotion-Age-Gender-Recognition-System

kaushikjadhav01 / Deep-Surveillance-Monitor-Facial-Emotion-Age-Gender-Recognition-System

Licence: other
Computer Vision module for detecting emotion, age and gender of a person in any given image, video or real time webcam. A custom VGG16 model was developed and trained on open source facial datasets downloaded from Kaggle and IMDB. OpenCV,dlib & keras were used to aid facial detection and video processing. The final system can detect the emotion,…

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Deep-Surveillance-Monitor-Facial-Emotion-Age-Gender-Recognition-System

concrete-numpy
Concrete Numpy is a python package that contains the tools data scientists need to compile various numpy functions into their Fully Homomorphic Encryption (FHE) equivalents. Concrete Numpy goes on top of the Concrete Library and its Compiler.
Stars: ✭ 111 (+85%)
Mutual labels:  numpy
object-detection-with-deep-learning
demonstrating use of convolution neural networks to detect objects in a video
Stars: ✭ 17 (-71.67%)
Mutual labels:  numpy
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (-61.67%)
Mutual labels:  numpy
PuzzleLib
Deep Learning framework with NVIDIA & AMD support
Stars: ✭ 52 (-13.33%)
Mutual labels:  numpy
wavebin
∿ Oscilloscope waveform capture viewer and converter.
Stars: ✭ 31 (-48.33%)
Mutual labels:  numpy
valinvest
A value investing tool based on Warren Buffett, Joseph Piotroski and Benjamin Graham thoughts
Stars: ✭ 84 (+40%)
Mutual labels:  numpy
CLUEmotionAnalysis2020
CLUE Emotion Analysis Dataset 细粒度情感分析数据集
Stars: ✭ 3 (-95%)
Mutual labels:  emotion-recognition
spyndex
Awesome Spectral Indices in Python.
Stars: ✭ 56 (-6.67%)
Mutual labels:  numpy
ormsgpack
Msgpack serialization/deserialization library for Python, written in Rust using PyO3 and rust-msgpack. Reboot of orjson. msgpack.org[Python]
Stars: ✭ 88 (+46.67%)
Mutual labels:  numpy
python-awips
A framework for querying AWIPS meteorological datasets from an EDEX Data Server.
Stars: ✭ 31 (-48.33%)
Mutual labels:  numpy
ntua-slp-semeval2018
Deep-learning models of NTUA-SLP team submitted in SemEval 2018 tasks 1, 2 and 3.
Stars: ✭ 79 (+31.67%)
Mutual labels:  emotion-recognition
fdtd
A 3D electromagnetic FDTD simulator written in Python
Stars: ✭ 195 (+225%)
Mutual labels:  numpy
SciCompforChemists
Scientific Computing for Chemists text for teaching basic computing skills to chemistry students using Python, Jupyter notebooks, and the SciPy stack. This text makes use of a variety of packages including NumPy, SciPy, matplotlib, pandas, seaborn, NMRglue, SymPy, scikit-image, and scikit-learn.
Stars: ✭ 65 (+8.33%)
Mutual labels:  numpy
GStreamer-Python
Fetch RTSP Stream using GStreamer in Python and get image in Numpy
Stars: ✭ 81 (+35%)
Mutual labels:  numpy
Dimensionality-reduction-and-classification-on-Hyperspectral-Images-Using-Python
In this repository, You can find the files which implement dimensionality reduction on the hyperspectral image(Indian Pines) with classification.
Stars: ✭ 63 (+5%)
Mutual labels:  numpy
primitiv-python
Python binding of primitiv.
Stars: ✭ 17 (-71.67%)
Mutual labels:  numpy
Age-gender-and-emotion-recognition
3 networks to recognition age,gender and emotion
Stars: ✭ 29 (-51.67%)
Mutual labels:  emotion-recognition
Deep-Learning-with-PyTorch-A-60-Minute-Blitz-cn
PyTorch1.0 深度学习:60分钟入门与实战(Deep Learning with PyTorch: A 60 Minute Blitz 中文翻译与学习)
Stars: ✭ 127 (+111.67%)
Mutual labels:  numpy
XED
XED multilingual emotion datasets
Stars: ✭ 34 (-43.33%)
Mutual labels:  emotion-recognition
EmotionChallenge
Source code for 1st winner of face micro-emotion competition, FG 2017.
Stars: ✭ 37 (-38.33%)
Mutual labels:  emotion-recognition

Deep-Surveillance-Monitor-Facial-Emotion-Age-Gender-Recognition-System

Computer Vision module for detecting emotion, age and gender of a person in any given image, video or real time webcam. A custom VGG16 model was developed and trained on open source facial datasets downloaded from Kaggle and IMDB. OpenCV,dlib & keras were used to aid facial detection and video processing. The final system can detect the emotion, age and gender of people in any given image, video or real time webcam.

Screenshots

Detect Emotion, Age, Gender in Any Image!

Detect Emotion, Age, Gender in Any Video!

Detect Emotion, Age, Gender in Webcam!

Technical Concepts

VGG The VGG network architecture was introduced by Simonyan and Zisserman in their 2014 paper, Very Deep Convolutional Networks for Large Scale Image Recognition. This network is characterized by its simplicity, using only 3×3 convolutional layers stacked on top of each other in increasing depth. Reducing volume size is handled by max pooling. Two fully-connected layers, each with 4,096 nodes are then followed by a softmax classifier
More information can be found here

Resnet Unlike traditional sequential network architectures such as AlexNet, OverFeat, and VGG, ResNet is instead a form of “exotic architecture” that relies on micro-architecture modules (also called “network-in-network architectures”). The term micro-architecture refers to the set of “building blocks” used to construct the network. A collection of micro-architecture building blocks (along with your standard CONV, POOL, etc. layers) leads to the macro-architecture
More information can be found here

Technologies used

How to Install and Use

  1. Install Python. Download my repo and change to directory of repo.
  2. On command prompt, run pip install -r requirements.txt
  3. On commmand prompt, run jupter notebook
  4. Open and run my jupyter notebook

Authors

Kaushik Jadhav

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