Giter Site home page Giter Site logo

emotion-recognition's Introduction

Project Name : Emotion-recognition

Table of Content :

1.Description

2.Installations

3.Usage

4.Dataset

Description:

Our Human face is having a mixed emotions so we are to demonstrate the probabilities of these emotions that we have.

What does Emotion Recognition mean?

Emotion recognition is a technique used in software that allows a program to "read" the emotions on a human face using advanced image processing. Companies have been experimenting with combining sophisticated algorithms with image processing techniques that have emerged in the past ten years to understand more about what an image or a video of a person's face tells us about how he/she is feeling and not just that but also showing the probabilities of mixed emotions a face could has.

Installations:

Install dependencies using requirements.txt

pip install -r requirements.txt

Usage:

The program will creat a window to display the scene capture by webcamera and a window representing the probabilities of detected emotions.

Demo

python real_time_video.py

You can just use this with the provided pretrained model i have included in the path written in the code file, i have choosen this specificaly since it scores the best accuracy, feel free to choose any but in this case you have to run the later file train_emotion_classifier

If you just want to run this demo, the following content can be skipped

  • Train

  • python train_emotion_classifier.py

Dataset:

I have used this dataset

Download it and put the csv in fer2013/fer2013/

-fer2013 emotion classification test accuracy: 66%

Credits

This work is inspired from this great work and the resources of Adrian Rosebrock helped me alot!.

Ongoing

Draw emotions faces next to the detected face.

Issues & Suggestions

If any issues and suggestions to me, you can create an issue.

If you like this work please help me by giving me some stars.

emotion-recognition's People

Contributors

abhisheksrikanth avatar dependabot[bot] avatar gerardo-junior avatar omar-ayman88 avatar otaha178 avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

emotion-recognition's Issues

Slow FPS?

What is the minimum spec to run this?
I am running this without Tensorflow-GPU, and it's basically stalling to the crawl. Does this only work for those with NVIDIA-CUDA setup?

Add ipWebcam

I'm not a webcam, but i can run IPWebcam in android. How run this program with IPWebcam?

not able to train the model

In keras version '2.2.4'
I am facing the below error while starting for training.

keras/utils/data_utils.py", line 626, in next_sample
return six.next(_SHARED_SEQUENCES[uid])
TypeError: 'tuple' object is not an iterator

Demo command not found

While running what is this command Demo -run real_time_video.py its wrong i think. Please give the correct one.

Citing your project and explanation of emotions

Hi Omar,

Thanks for your work! Is it ok if i cite your project in my master-thesis? Do you maybe have written a paper about your findings or something?

Also, could you maybe elaborate how the prediction for the emotions work?

Best regards,
Matthias

NameError: name 'preds' is not defined

Hello Omar Ayman,
I find this Project very interesting so I tried it. but when the model does not detect any face then line 53 thoughts error because the 'preds' is defined inside the if condition.
Thank You :-)

Using TensorFlow backend. Please help to solve it~

ubuntu@DESKTOP-RBIC9N5:/mnt/c/Users/User/OneDrive/Emotion-recognition-master$ python3 real_time_video.py
Using TensorFlow backend.
2021-07-22 15:21:20.485357: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory
2021-07-22 15:21:20.485429: E tensorflow/stream_executor/cuda/cuda_driver.cc:313] failed call to cuInit: UNKNOWN ERROR (303)
2021-07-22 15:21:20.485453: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:156] kernel driver does not appear to be running on this host (DESKTOP-RBIC9N5): /proc/driver/nvidia/version does not exist
2021-07-22 15:21:20.485865: I tensorflow/core/platform/cpu_feature_guard.cc:143] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2021-07-22 15:21:20.504579: I tensorflow/core/platform/profile_utils/cpu_utils.cc:102] CPU Frequency: 2495995000 Hz
2021-07-22 15:21:20.505905: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x7f646c000b20 initialized for platform Host (this does not guarantee that XLA will be used). Devices:
2021-07-22 15:21:20.505981: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version
: cannot connect to X server

Please help to solve it~

When i run the code, following error arrives

Traceback (most recent call last):
File "c:/Users/hp/Desktop/ExpDetection/Code3/exp.py", line 29, in
frame = imutils.resize(frame,width=300)
File "C:\Python37\lib\site-packages\imutils\convenience.py", line 69, in resize
(h, w) = image.shape[:2]
AttributeError: 'tuple' object has no attribute 'shape'
[ WARN:0] terminating async callback

Tensorflow

module 'tensorflow' has no attribute 'get_default_graph'

cannot run the code ModuleNotFoundError: No module named 'imutils'

MacBook-Pro:Emotion-recognition-master adpk$ python real_time_video.py
Using TensorFlow backend.
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:516: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:517: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:518: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:519: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:520: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:525: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:541: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:542: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:543: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:544: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:545: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
/opt/local/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:550: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])
Traceback (most recent call last):
File "real_time_video.py", line 2, in
import imutils
ModuleNotFoundError: No module named 'imutils'

No errors shown,but output also not displayed.

I downloaded the project and installed all the requirements and ran the realtime demo python file.
The output is shown is the following. The web cam window is not opening.
OUTPUT:
runfile('C:/Users/Gautam/Emotion-recognition-master/real_time_video.py', wdir='C:/Users/Gautam/Emotion-recognition-master')
Using TensorFlow backend.
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:523: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:524: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:525: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:526: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:527: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:532: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])

runfile('C:/Users/Gautam/Emotion-recognition-master/train_emotion_classifier.py', wdir='C:/Users/Gautam/Emotion-recognition-master')
Using TensorFlow backend.
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:523: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:524: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:525: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:526: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:527: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
C:\Users\Gautam\AppData\Roaming\Python\Python37\site-packages\tensorflow\python\framework\dtypes.py:532: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])

What to do? Kindly suggest ways to run the project correctly. Thank you.

no module names models.cnn

kapil@Kapil:~/opencv/build/Emotion-recognition-master (1)$ python train_emotion_classifier.py
Using TensorFlow backend.
Traceback (most recent call last):
File "train_emotion_classifier.py", line 10, in
from models.cnn import mini_XCEPTION
ImportError: No module named models.cnn

AttributeError: 'NoneType' object has no attribute 'shape'

when i run 'real_time_video.py'
error as fllow:(what can i do)
Traceback (most recent call last):
File "C:/Users/Lenovo/PycharmProjects/Emotion-recognition/real_time_video.py", line 29, in
frame = imutils.resize(frame,width=300)
File "D:\anaconda\lib\site-packages\imutils\convenience.py", line 69, in resize
(h, w) = image.shape[:2]
AttributeError: 'NoneType' object has no attribute 'shape'

Training Model

When I am trying to train the model again and use the best model in the real_time_video.py it is not working then and only when I am using your model is it working ?

Problem with the demo file

I encounter 2 problems when i test the demo file.
First, the version of openCV in the requirements text file doesn't exist, so i change the version :
opencv_python==4.2.0.32

Then, when i try to launch the demo, i have this error :
Using TensorFlow backend.
Traceback (most recent call last):
File "real_time_video.py", line 1, in
from keras.preprocessing.image import img_to_array
File "C:\Users\Lou Laurent\AppData\Local\Programs\Python\Python38-32\lib\site-packages\keras_init
.py", line 3, in
from . import utils
File "C:\Users\Lou Laurent\AppData\Local\Programs\Python\Python38-32\lib\site-packages\keras\utils_init_.py", line 6, in
from . import conv_utils
File "C:\Users\Lou Laurent\AppData\Local\Programs\Python\Python38-32\lib\site-packages\keras\utils\conv_utils.py", line 9, in
from .. import backend as K
File "C:\Users\Lou Laurent\AppData\Local\Programs\Python\Python38-32\lib\site-packages\keras\backend_init_.py", line 1, in
from .load_backend import epsilon
File "C:\Users\Lou Laurent\AppData\Local\Programs\Python\Python38-32\lib\site-packages\keras\backend\load_backend.py", line 90, in
from .tensorflow_backend import *
File "C:\Users\Lou Laurent\AppData\Local\Programs\Python\Python38-32\lib\site-packages\keras\backend\tensorflow_backend.py", line 5, in
import tensorflow as tf
ModuleNotFoundError: No module named 'tensorflow'_

Can you help me with this ?
Thanks,
Lou

open cv error

I am getting this error.

OpenCV(3.4.1) Error: Assertion failed (!empty()) in cv::CascadeClassifier::detectMultiScale, file C:\Miniconda3\conda-bld\opencv-suite_1533128839831\work\modules\objdetect\src\cascadedetect.cpp, line 1698
Traceback (most recent call last):
File "real_time_video.py", line 31, in
faces = face_detection.detectMultiScale(gray,scaleFactor=1.1,minNeighbors=5,minSize=(30,30),flags=cv2.CASCADE_SCALE_IMAGE)
cv2.error: OpenCV(3.4.1) C:\Miniconda3\conda-bld\opencv-suite_1533128839831\work\modules\objdetect\src\cascadedetect.cpp:1698: error: (-215) !empty() in function cv::CascadeClassifier::detectMultiScale

Error while executing 'python3 real_time_video.py'

python3 real_time_video.py Using TensorFlow backend. /home/debian/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:516: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint8 = np.dtype([("qint8", np.int8, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:517: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_quint8 = np.dtype([("quint8", np.uint8, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:518: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint16 = np.dtype([("qint16", np.int16, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:519: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_quint16 = np.dtype([("quint16", np.uint16, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:520: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint32 = np.dtype([("qint32", np.int32, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorflow/python/framework/dtypes.py:525: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. np_resource = np.dtype([("resource", np.ubyte, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:541: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint8 = np.dtype([("qint8", np.int8, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:542: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_quint8 = np.dtype([("quint8", np.uint8, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:543: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint16 = np.dtype([("qint16", np.int16, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:544: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_quint16 = np.dtype([("quint16", np.uint16, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:545: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint32 = np.dtype([("qint32", np.int32, 1)]) /home/debian/.local/lib/python3.7/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:550: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. np_resource = np.dtype([("resource", np.ubyte, 1)]) Traceback (most recent call last): File "real_time_video.py", line 14, in <module> emotion_classifier = load_model(emotion_model_path, compile=False) File "/home/debian/.local/lib/python3.7/site-packages/keras/engine/saving.py", line 492, in load_wrapper return load_function(*args, **kwargs) File "/home/debian/.local/lib/python3.7/site-packages/keras/engine/saving.py", line 584, in load_model model = _deserialize_model(h5dict, custom_objects, compile) File "/home/debian/.local/lib/python3.7/site-packages/keras/engine/saving.py", line 273, in _deserialize_model model_config = json.loads(model_config.decode('utf-8')) AttributeError: 'str' object has no attribute 'decode'

please help to solve it

Training model

After downloading data-set, which command is used to train the model and what is the command to execute after training

val_acc KeyError using ModelCheckpoint.

changing "{val_acc:.2f}" to "{val_accuracy:.2f}" and it will work fine,
as no variable named "val_acc" is defined but what you are trying to get is accuracy value after each epoch, which is probably defined as "val_accuracy".
@Omar178
I have commited the code change for the train_emotion_classifier.py. I have tested, it is working fine.
Please find below the pull request:

I have a problem about converting the file.

First, thank you for sharing this resource.

Now, I want to use 'pyinstaller', and let the '.py' to '.exe'.

but, when I use command 'pyinstaller --onefile Run.ipyb'

cmd show 'line 5, in NameError:name 'null' is not defined'

Could u solve this problem? thank you, sir.

can't download the dataset

can someone provide me the dataset of this project ,so i can understand what type of data i need to create my own dataset

Why should it be treated as follows function?

def preprocess_input(x, v2=True):
# scale the raw pixel intensities to the range [0, 1]
x = x.astype('float32')
x = x / 255.0
if v2:
x = x - 0.5
x = x * 2.0
return x

Thank you very much for your work, Looking forward to your reply

for (i, (emotion, prob)) in enumerate(zip(EMOTIONS, preds)): NameError: name 'preds' is not defined

Using TensorFlow backend.
2018-10-31 19:07:29.243116: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
2018-10-31 19:07:29.494922: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1411] Found device 0 with properties:
name: TITAN V major: 7 minor: 0 memoryClockRate(GHz): 1.455
pciBusID: 0000:01:00.0
totalMemory: 12.00GiB freeMemory: 9.67GiB
2018-10-31 19:07:29.502864: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1490] Adding visible gpu devices: 0
2018-10-31 19:07:30.692378: I tensorflow/core/common_runtime/gpu/gpu_device.cc:971] Device interconnect StreamExecutor with strength 1 edge matrix:
2018-10-31 19:07:30.696807: I tensorflow/core/common_runtime/gpu/gpu_device.cc:977] 0
2018-10-31 19:07:30.699723: I tensorflow/core/common_runtime/gpu/gpu_device.cc:990] 0: N
2018-10-31 19:07:30.709265: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1103] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 9272 MB memory) -> physical GPU (device: 0, name: TITAN V, pci bus id: 0000:01:00.0, compute capability: 7.0)
Traceback (most recent call last):
File "real_time_video.py", line 53, in
for (i, (emotion, prob)) in enumerate(zip(EMOTIONS, preds)):
NameError: name 'preds' is not defined

Originally posted by @kevinjosue2326 in https://github.com/omar178/Emotion-recognition/issue_comments#issuecomment-434898420

Add speech recognition

is there any way to add speech recognition so that it will respond to our emotions if we speak .please help me or else is there any alternative way to record the audio file and check the input then it will speak with us

Requirements.txt not Found

Please add requirements.txt file so that I can run project with the packages you used. I believes it will reduce my errors.

How to turn the real time webcame to detect on pre-recorded video?

Hi,

I'm new to OpenCV and computer vision. I'm grateful for your detailed instruction and I managed to run it with no sweat and pull up the real time webcam detector. However, how can I change the script to detect from the recorded video rather from the webcam?

Also, how can the result (probabilities of the emotions) be automatically recorded in the system?

Thank you very much.

How to add a new column?

First, thank you for sharing this!

In your code, if no face shows in camera, it will stop recording and stucking.

How can I add a new column called "No face", if no face, it will show "No face:100%",

but, the camera won't stop and still record it.

Thank you.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.