Facial Emotion Recognition with OpenCV and Deepface: Step-by-Step Tutorial
Ajith Kumar M↗?
Building Complyance | E-invoicing simplified Globally | Malaysia LHDN & MDEC Peppol e-invoicing | KSA Zatca e-invoicing | UAE CTC e-invoicing Solutions Providers - Integrate with any ERP/CRM ?
Facial Emotion Recognition with OpenCV and Deepface: Step-by-Step Tutorial:
Real-time Facial Emotion Recognition using OpenCV and?Deepface
This project demonstrates the implementation of real-time facial emotion recognition using the `deepface` library and OpenCV. The objective is to capture live video from a webcam, identify faces within the video stream, and predict the corresponding emotions for each detected face. The emotions predicted are displayed in real-time on the video frames.
To streamline this process, we’ve utilized the `deepface` library, a deep learning-based facial analysis tool that employs pre-trained models for accurate emotion detection. TensorFlow is the underlying framework for the deep learning operations. Additionally, we leverage OpenCV, an open-source computer vision library, to facilitate image and video processing.
Instructions
Initial Setup:
git clone https://github.com/ajitharunai/Facial-Emotion-Recognition-with-OpenCV-and-Deepface/
2. Navigate to the project directory: Run
cd Facial-Emotion-Recognition-using-OpenCV-and-Deepface
3. Install required dependencies:
Option 1:
pip install -r requirements.txt
Option 2:
Install dependencies individually:
pip install deepface
pip install opencv-python
4. Obtain the Haar cascade XML file for face detection:
5. Execute the code:
Approach
If you find this project useful, consider giving it a ? on the repository. The creator, Ajith Kumar M , invested time and effort into comprehending and implementing this efficient real-time emotion monitoring solution.
Code Explanation:
emotion.py is the file name.
1. Import required libraries:
import cv2
from deepface import DeepFace
- `cv2` is the OpenCV library used for computer vision and image processing.
- `DeepFace` is a class from the `deepface` library used for building and using facial analysis models.
领英推荐
2. Load the pre-trained emotion detection model:
model = DeepFace.build_model("Emotion")
- This line creates an instance of the pre-trained emotion detection model provided by the `deepface` library.
3. Define emotion labels:
emotion_labels = ['angry', 'disgust', 'fear', 'happy', 'sad', 'surprise', 'neutral']
- A list of emotion labels corresponding to the detected emotions.
4. Load face cascade classifier:
face_cascade = cv2.CascadeClassifier(cv2.data.haarcascades + 'haarcascade_frontalface_default.xml')
- Loads the Haar cascade classifier for face detection provided by OpenCV.
5. Start capturing video:
cap = cv2.VideoCapture(0)
- Initializes video capture from the default webcam (camera index 0).
6. Main Loop:
while True:
ret, frame = cap.read()
gray_frame = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY)
faces = face_cascade.detectMultiScale(gray_frame, scaleFactor=1.1, minNeighbors=5, minSize=(30, 30))
- The loop continuously captures frames from the webcam (`cap.read()`), converts them to grayscale (`cv2.cvtColor()`), and detects faces within the grayscale frame using the Haar cascade classifier (`face_cascade.detectMultiScale()`).
7. Face Processing Loop:
for (x, y, w, h) in faces:
face_roi = gray_frame[y:y + h, x:x + w]
resized_face = cv2.resize(face_roi, (48, 48), interpolation=cv2.INTER_AREA)
normalized_face = resized_face / 255.0
reshaped_face = normalized_face.reshape(1, 48, 48, 1)
preds = model.predict(reshaped_face)[0]
emotion_idx = preds.argmax()
emotion = emotion_labels[emotion_idx]
cv2.rectangle(frame, (x, y), (x + w, y + h), (0, 0, 255), 2)
cv2.putText(frame, emotion, (x, y - 10), cv2.FONT_HERSHEY_SIMPLEX, 0.9, (0, 0, 255), 2)
8. Display and Exit:
cv2.imshow('Real-time Emotion Detection', frame)
if cv2.waitKey(1) & 0xFF == ord('q'):
break
- Displays the frame with labeled emotions using `cv2.imshow()`. The loop continues until the ‘q’ key is pressed, at which point the loop is exited.
9. Cleanup:
cap.release()
cv2.destroyAllWindows()
- Releases the video capture and closes all windows.
In summary, this code captures real-time video from the webcam, detects faces, predicts emotions using a pre-trained model, and displays the processed frames with labeled emotions. The loop continues until the ‘q’ key is pressed, at which point the program is terminated.
Complete Code:
# Real-time Facial Emotion Recognition using OpenCV and Deepface
import cv2
from deepface import DeepFace
# Load the pre-trained emotion detection model
model = DeepFace.build_model("Emotion")
# Define emotion labels
emotion_labels = ['angry', 'disgust', 'fear', 'happy', 'sad', 'surprise', 'neutral']
# Load face cascade classifier
face_cascade = cv2.CascadeClassifier(cv2.data.haarcascades + 'haarcascade_frontalface_default.xml')
# Start capturing video
cap = cv2.VideoCapture(0)
while True:
# Capture frame-by-frame
ret, frame = cap.read()
# Convert frame to grayscale
gray_frame = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY)
# Detect faces in the frame
faces = face_cascade.detectMultiScale(gray_frame, scaleFactor=1.1, minNeighbors=5, minSize=(30, 30))
for (x, y, w, h) in faces:
# Extract the face ROI (Region of Interest)
face_roi = gray_frame[y:y + h, x:x + w]
# Resize the face ROI to match the input shape of the model
resized_face = cv2.resize(face_roi, (48, 48), interpolation=cv2.INTER_AREA)
# Normalize the resized face image
normalized_face = resized_face / 255.0
# Reshape the image to match the input shape of the model
reshaped_face = normalized_face.reshape(1, 48, 48, 1)
# Predict emotions using the pre-trained model
preds = model.predict(reshaped_face)[0]
emotion_idx = preds.argmax()
emotion = emotion_labels[emotion_idx]
# Draw rectangle around face and label with predicted emotion
cv2.rectangle(frame, (x, y), (x + w, y + h), (0, 0, 255), 2)
cv2.putText(frame, emotion, (x, y - 10), cv2.FONT_HERSHEY_SIMPLEX, 0.9, (0, 0, 255), 2)
# Display the resulting frame
cv2.imshow('Real-time Emotion Detection', frame)
# Press 'q' to exit
if cv2.waitKey(1) & 0xFF == ord('q'):
break
# Release the capture and close all windows
cap.release()
cv2.destroyAllWindows()
Check Github Repository: https://github.com/ajitharunai/Facial-Emotion-Recognition-with-OpenCV-and-Deepface/
if you have any doubts feel free to ask your questions on Linkedin.
Linkedin page: https://www.dhirubhai.net/in/ajitharunai/