There are 101 repositories under speech-emotion-recognition topic.
Multilingual Voice Understanding Model
The neural network model is capable of detecting five different male/female emotions from audio speeches. (Deep Learning, NLP, Python)
💎 A list of accessible speech corpora for ASR, TTS, and other Speech Technologies
Speech emotion recognition implemented in Keras (LSTM, CNN, SVM, MLP) | 语音情感识别
[ACL 2024] Official PyTorch code for extracting features and training downstream models with emotion2vec: Self-Supervised Pre-Training for Speech Emotion Representation
Building and training Speech Emotion Recognizer that predicts human emotions using Python, Sci-kit learn and Keras
How to use our public wav2vec2 dimensional emotion model
Lightweight and Interpretable ML Model for Speech Emotion Recognition and Ambiguity Resolution (trained on IEMOCAP dataset)
speech emotion recognition using a convolutional recurrent networks based on IEMOCAP
The SpeechBrain project aims to build a novel speech toolkit fully based on PyTorch. With SpeechBrain users can easily create speech processing systems, ranging from speech recognition (both HMM/DNN and end-to-end), speaker recognition, speech enhancement, speech separation, multi-microphone speech processing, and many others.
A collection of datasets for the purpose of emotion recognition/detection in speech.
Speaker independent emotion recognition
TensorFlow implementation of "Multimodal Speech Emotion Recognition using Audio and Text," IEEE SLT-18
Bidirectional LSTM network for speech emotion recognition.
This repository contains PyTorch implementation of 4 different models for classification of emotions of the speech.
[ICASSP 2023] Official Tensorflow implementation of "Temporal Modeling Matters: A Novel Temporal Emotional Modeling Approach for Speech Emotion Recognition".
Code for Speech Emotion Recognition with Co-Attention based Multi-level Acoustic Information
Using Convolutional Neural Networks in speech emotion recognition on the RAVDESS Audio Dataset.
Official implementation of INTERSPEECH 2021 paper 'Emotion Recognition from Speech Using Wav2vec 2.0 Embeddings'
The code for our INTERSPEECH 2020 paper - Jointly Fine-Tuning "BERT-like'" Self Supervised Models to Improve Multimodal Speech Emotion Recognition
Speech Emotion Recognition from raw speech signals using 1D CNN-LSTM
😎 Awesome lists about Speech Emotion Recognition
Light-SERNet: A lightweight fully convolutional neural network for speech emotion recognition
Callytics is an advanced call analytics solution that leverages speech recognition and large language models (LLMs) technologies to analyze phone conversations from customer service and call centers.
Keras Implementation of Deepmind's WaveNet for Supervised Learning Tasks
Detecting Anxiety and Depression using facial emotion recognition and speech emotion recognition. Written in pythonPython
这个项目将 RAVDESS 数据集切割成 1s 短语音,利用 openSMILE+CNN 进行训练,目标是将短语音分类到四种情感中,分别是:开心(happy)、悲伤(sad)、生气(angry)和中性(neutral)。最后准确率达到 76% 左右。
Implementation of the paper "Improved End-to-End Speech Emotion Recognition Using Self Attention Mechanism and Multitask Learning" From INTERSPEECH 2019
Scripts used in the research described in the paper "Multimodal Emotion Recognition with High-level Speech and Text Features" accepted in the ASRU 2021 conference.
Speech Emotion Recognition Using Deep Convolutional Neural Network and Discriminant Temporal Pyramid Matching
Predicting various emotion in human speech signal by detecting different speech components affected by human emotion.
Speech Emotion Recognition
[ICASSP 2023] Mingling or Misalignment? Temporal Shift for Speech Emotion Recognition with Pre-trained Representations
Transformer-based model for Speech Emotion Recognition(SER) - implemented by Pytorch