All Projects → declare-lab → Contextual Utterance Level Multimodal Sentiment Analysis

declare-lab / Contextual Utterance Level Multimodal Sentiment Analysis

Context-Dependent Sentiment Analysis in User-Generated Videos

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Contextual Utterance Level Multimodal Sentiment Analysis

Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (-60.47%)
Mutual labels:  lstm, sentiment-analysis, lstm-neural-networks
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (+293.02%)
Mutual labels:  lstm, sentiment-analysis, lstm-neural-networks
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+758.14%)
Mutual labels:  lstm, sentiment-analysis
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+930.23%)
Mutual labels:  lstm, sentiment-analysis
Simple Chatbot Keras
Design and build a chatbot using data from the Cornell Movie Dialogues corpus, using Keras
Stars: ✭ 30 (-65.12%)
Mutual labels:  lstm, lstm-neural-networks
Sarcasm Detection
Detecting Sarcasm on Twitter using both traditonal machine learning and deep learning techniques.
Stars: ✭ 73 (-15.12%)
Mutual labels:  sentiment-analysis, lstm-neural-networks
Conv Emotion
This repo contains implementation of different architectures for emotion recognition in conversations.
Stars: ✭ 646 (+651.16%)
Mutual labels:  lstm, sentiment-analysis
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+825.58%)
Mutual labels:  lstm, lstm-neural-networks
Twitter Sentiment Analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
Stars: ✭ 978 (+1037.21%)
Mutual labels:  lstm, sentiment-analysis
Text Classification Keras
📚 Text classification library with Keras
Stars: ✭ 53 (-38.37%)
Mutual labels:  lstm, sentiment-analysis
Dialogue Understanding
This repository contains PyTorch implementation for the baseline models from the paper Utterance-level Dialogue Understanding: An Empirical Study
Stars: ✭ 77 (-10.47%)
Mutual labels:  lstm, sentiment-analysis
Sentimentanalysis
文本情感分析
Stars: ✭ 421 (+389.53%)
Mutual labels:  lstm, sentiment-analysis
Predictive Maintenance Using Lstm
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Stars: ✭ 352 (+309.3%)
Mutual labels:  lstm, lstm-neural-networks
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+713.95%)
Mutual labels:  lstm, lstm-neural-networks
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+301.16%)
Mutual labels:  lstm, sentiment-analysis
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (-29.07%)
Mutual labels:  lstm, sentiment-analysis
Paraphraser
Sentence paraphrase generation at the sentence level
Stars: ✭ 283 (+229.07%)
Mutual labels:  lstm, lstm-neural-networks
Cs291k
🎭 Sentiment Analysis of Twitter data using combined CNN and LSTM Neural Network models
Stars: ✭ 287 (+233.72%)
Mutual labels:  lstm, sentiment-analysis
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-60.47%)
Mutual labels:  lstm, sentiment-analysis
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-39.53%)
Mutual labels:  lstm, lstm-neural-networks

Context-Dependent Sentiment Analysis in User-Generated Videos

Code for the paper Context-Dependent Sentiment Analysis in User-Generated Videos (ACL 2017).

NOTE: Here is the updated version of the code - https://github.com/soujanyaporia/multimodal-sentiment-analysis

Requirements

Code is written in Python (2.7) and requires Keras (2.0.6) with Theano backend.

Description

In this paper, we propose a LSTM-based model that enables utterances to capture contextual information from their surroundings in the same video, thus aiding the classification process in multimodal sentiment analysis.

Alt text

This repository contains the code for the mentioned paper. Each contextual LSTM (Figure 2 in the paper) is implemented as shown in above figure. For more details, please refer to the paper.
Note: Unlike the paper, we haven't used an SVM on the penultimate layer. This is in effort to keep the whole network differentiable at some performance cost.

Dataset

We provide results on the MOSI dataset
Please cite the creators

Preprocessing

As data is typically present in utterance format, we combine all the utterances belonging to a video using the following code

python create_data.py

Note: This will create speaker independent train and test splits

Running sc-lstm

Sample command:

python lstm.py --unimodal True
python lstm.py --unimodal False

Note: Keeping the unimodal flag as True (default False) shall train all unimodal lstms first (level 1 of the network mentioned in the paper)

Citation

If using this code, please cite our work using :

@inproceedings{soujanyaacl17,
  title={Context-dependent sentiment analysis in user-generated videos},
  author={Poria, Soujanya  and Cambria, Erik and Hazarika, Devamanyu and Mazumder, Navonil and Zadeh, Amir and Morency, Louis-Philippe},
  booktitle={Association for Computational Linguistics},
  year={2017}
}

Credits

Devamanyu Hazarika, Soujanya Poria

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