A newer version of this model is available: google/vit-base-patch16-224

๐ŸŽญ Face Expression Detector

A deep learning model that classifies facial expressions in grayscale images into one of seven core emotions. Designed for applications in emotion analytics, human-computer interaction, and psychological research.


๐Ÿ“Š Model Overview

This model takes 48x48 grayscale face images and classifies them into:

  • ๐Ÿ˜  Angry
  • ๐Ÿคข Disgust
  • ๐Ÿ˜จ Fear
  • ๐Ÿ˜„ Happy
  • ๐Ÿ˜ข Sad
  • ๐Ÿ˜ฒ Surprise
  • ๐Ÿ˜ Neutral

Dataset: FER2013
Training Samples: 28,709
Testing Samples: 3,589


๐Ÿง  Model Architecture

  • ๐Ÿ“ฆ Custom CNN
    • 3 Convolutional Layers
    • Batch Normalization
    • ReLU Activation
    • Dropout for regularization
  • ๐Ÿ“ˆ Optimizer: Adam
  • ๐Ÿ”ฅ Loss Function: Categorical Crossentropy
  • โฑ๏ธ Epochs: 100

โœ… Performance

๐Ÿ“Œ Add your actual performance metrics here:

  • Accuracy on FER2013 Test Set: ~1.0%

๐Ÿ—‚๏ธ Required Files

  • model.h5 โ†’ Model Weights
  • config.json โ†’ Configuration file (Transformers-based)
  • preprocessor_config.json โ†’ Preprocessing setup (if needed)
  • requirements.txt โ†’ Python dependencies

๐Ÿš€ Use Cases

  • ๐ŸŽฎ Real-time emotion feedback in games or virtual assistants
  • ๐ŸŽ“ Emotion analysis for psychological and behavioral studies
  • ๐ŸŽฅ Enhancing video-based UX with dynamic emotion tracking

โš ๏ธ Limitations

  • Works best with centered 48x48 grayscale faces
  • Face detection (e.g., MTCNN) required before prediction
  • FER2013's demographic diversity is limited โ†’ potential bias

โš™๏ธ Installation

Follow these steps to set up the environment and dependencies: --pip install -r requirements.txt torch>=1.9.0 transformers>=4.20.0 pillow>=8.0.0

1. Clone the Repository

git clone https://github.com/TRavi8688/Mood-Based-Music-Player cd mood_detector

##๐Ÿงช How to Use (Transformers-based)

Follow these steps to preprocess an image and predict facial expression using the pre-trained Transformers-based model: Python

from transformers import AutoModelForImageClassification, AutoImageProcessor
from PIL import Image
import torch

1. Load Model and Preprocessor

# STEP 1: Install dependencies
!pip install tensorflow pillow numpy

# STEP 2: Download model file using `requests`
import requests

model_url = "https://huggingface.co/ravi86/mood_detector/resolve/main/my_model.h5"
model_path = "my_model.h5"

# Download the file
response = requests.get(model_url)
with open(model_path, "wb") as f:
    f.write(response.content)

print("โœ… Model downloaded successfully!")
  1. Load and Preprocess the Image
image_path = "your_image.jpg"  # ๐Ÿ” Replace with your image file
image = Image.open(image_path).convert("L").resize((48, 48))  # Convert to grayscale and resize

3. Make Predictions

outputs = model(**inputs)
probs = torch.softmax(outputs.logits, dim=-1)  # Convert logits to probabilities
predicted_class = probs.argmax().item()  # Get the predicted class index

4. Interpret the Result

emotions = ["Angry", "Disgust", "Fear", "Happy", "Sad", "Surprise", "Neutral"]
print(f"Predicted Emotion: {emotions[predicted_class]}")

โ˜๏ธ Deploy to Hugging Face Hub

Use these commands to prepare and push your model to the Hugging Face Hub:
Bash

# Step 1: Install & Login
pip install huggingface_hub
huggingface-cli login

from huggingface_hub import upload_folder

upload_folder(
    folder_path="path/to/mood_detector",
    repo_id="ravi86/mood_detector",
    repo_type="model",
    commit_message="๐Ÿš€ Upload mood detection model"
)

๐Ÿงญ Ethical Considerations

โš–๏ธ Bias: The FER2013 dataset may exhibit biases in demographic representation. Exercise caution when interpreting results across diverse populations.
๐Ÿ”’ Privacy: Ensure strict compliance with data privacy laws (e.g., GDPR, CCPA) when using this model on personal or sensitive images. Do not use without explicit consent.
โ— Misuse: This model is not intended for unauthorized surveillance, profiling, or any other unethical applications.

๐Ÿ‘ค Contact ๐Ÿ“ฌ For questions, support, or collaborations: Hugging Face โ†’ @ravi86 Gmailโ†’ [email protected] โญ If you find this project useful, consider giving a star or contributing!

Downloads last month
6
Inference Providers NEW
This model isn't deployed by any Inference Provider. ๐Ÿ™‹ 1 Ask for provider support

Model tree for ravi86/mood_detector

Finetuned
(211)
this model

Space using ravi86/mood_detector 1