• Stars
    star
    197
  • Rank 197,722 (Top 4 %)
  • Language
  • Created over 4 years ago
  • Updated almost 2 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

๐Ÿ˜„ Dataset for Emotion Recognition Research

Emotion Dataset

This is a dataset that can be used for emotion classification. It has already been preprocessed based on the approach described in our paper. It is also stored as a pandas dataframe and ready to be used in an NLP pipeline.

Note that the version of the data provided here corresponds to a six emotions variant that's meant to be used for educational and research purposes.

Download

Hugging Face: https://huggingface.co/datasets/emotion

Download link: https://www.icloud.com/iclouddrive/084E9TMZ_lykn3QhU-kIX1DDQ#merged_training

Papers with Code Public Leaderboad: https://paperswithcode.com/sota/text-classification-on-emotion

Load the Dataset Using Pandas

import pandas as pd

df = pd.read_pickle("merged_training.pkl")

Notebooks

Here is a notebook showing how to use it for fine-tuning a pretrained language model for the task of emotion classification.

Here is another notebook which shows how to fine-tune T5 model for emotion classification along with other tasks.

Here is also a hosted fine-tuned model on HuggingFace which you can directly use for inference in your NLP pipeline.

Feel free to reach out to me on Twitter for more questions about the dataset.

Usage

The dataset should be used for educational and research purposes only. If you use it, please cite:

@inproceedings{saravia-etal-2018-carer,
    title = "{CARER}: Contextualized Affect Representations for Emotion Recognition",
    author = "Saravia, Elvis  and
      Liu, Hsien-Chi Toby  and
      Huang, Yen-Hao  and
      Wu, Junlin  and
      Chen, Yi-Shin",
    booktitle = "Proceedings of the 2018 Conference on Empirical Methods in Natural Language Processing",
    month = oct # "-" # nov,
    year = "2018",
    address = "Brussels, Belgium",
    publisher = "Association for Computational Linguistics",
    url = "https://www.aclweb.org/anthology/D18-1404",
    doi = "10.18653/v1/D18-1404",
    pages = "3687--3697",
    abstract = "Emotions are expressed in nuanced ways, which varies by collective or individual experiences, knowledge, and beliefs. Therefore, to understand emotion, as conveyed through text, a robust mechanism capable of capturing and modeling different linguistic nuances and phenomena is needed. We propose a semi-supervised, graph-based algorithm to produce rich structural descriptors which serve as the building blocks for constructing contextualized affect representations from text. The pattern-based representations are further enriched with word embeddings and evaluated through several emotion recognition tasks. Our experimental results demonstrate that the proposed method outperforms state-of-the-art techniques on emotion recognition tasks.",
}

More Repositories

1

Prompt-Engineering-Guide

๐Ÿ™ Guides, papers, lecture, notebooks and resources for prompt engineering
MDX
47,520
star
2

ML-YouTube-Courses

๐Ÿ“บ Discover the latest machine learning / AI courses on YouTube.
14,690
star
3

ml-visuals

๐ŸŽจ ML Visuals contains figures and templates which you can reuse and customize to improve your scientific writing.
13,103
star
4

ML-Papers-of-the-Week

๐Ÿ”ฅHighlighting the top ML papers every week.
9,856
star
5

ML-Papers-Explained

Explanation to key concepts in ML
7,016
star
6

ML-Course-Notes

๐ŸŽ“ Sharing machine learning course / lecture notes.
5,980
star
7

Mathematics-for-ML

๐Ÿงฎ A collection of resources to learn mathematics for machine learning
4,399
star
8

ML-Notebooks

๐Ÿ”ฅ Machine Learning Notebooks
Jupyter Notebook
3,270
star
9

Transformers-Recipe

๐Ÿง  A study guide to learn about Transformers
1,521
star
10

nlp_paper_summaries

โœ๏ธ A carefully curated list of NLP paper summaries
1,476
star
11

GNNs-Recipe

๐ŸŸ  A study guide to learn about Graph Neural Networks (GNNs)
1,095
star
12

MLOPs-Primer

A collection of resources to learn about MLOPs.
925
star
13

AI-Product-Index

A curated index to track AI-powered products.
755
star
14

d2l-study-group

๐Ÿง  Material for the Deep Learning Study Group
388
star
15

nlp_fundamentals

๐Ÿ“˜ Contains a series of hands-on notebooks for learning the fundamentals of NLP
Jupyter Notebook
364
star
16

nlp_newsletter

๐Ÿ“ฐNatural language processing (NLP) newsletter
300
star
17

awesome-ML-projects-guide

A guide to building awesome machine learning projects.
242
star
18

dair-ai.github.io

Home of DAIR.AI
HTML
208
star
19

awesome-research-proposals-guide

A guide to improve your research proposals.
185
star
20

ml-nlp-paper-discussions

๐Ÿ“„ A repo containing notes and discussions for our weekly NLP/ML paper discussions.
149
star
21

keep-learning-ml

A club to keep learning about ML
89
star
22

notebooks

๐Ÿ”ฌ Sharing your data science notebooks with the community has never been this easy.
Jupyter Notebook
37
star
23

covid_19_search_application

Text Similarity Search Application using Modern NLP and Elasticsearch
Jupyter Notebook
29
star
24

odsc_2020_nlp

Repository for ODSC talk related to Deep Learning NLP
23
star
25

research_emotion_analysis

๐Ÿ˜„ Multilingual emotion analysis research
Python
19
star
26

maven-pe-for-llms-4

Prompt Engineering for Large Language Models - Notebooks, Demos, Exercises, and Projects
Jupyter Notebook
17
star
27

data_science_writing_primer

Writing Primer for Data Scientists
Jupyter Notebook
17
star
28

arxiv_analysis

A project to help explore research papers and fuel new discovery
Jupyter Notebook
16
star
29

pe-for-llms

Jupyter Notebook
14
star
30

llm-evaluator

Example for Logging LLM Evaluator Prompt Responses
Jupyter Notebook
14
star
31

paper_implementations

A project for implementing ML and NLP papers
13
star
32

maven-pe-for-llms

Jupyter Notebook
12
star
33

nlp-roadmap

A comprehensive roadmap to get informed of the NLP landscape.
9
star
34

ml-discussions

Discussing ML research, engineering, papers, resources, learning paths, best practices, and much more.
8
star
35

maven-pe-for-llms-6

Materials for the Prompt Engineering for LLMs (Cohort 6)
Jupyter Notebook
8
star
36

maven-pe-for-llms-8

Materials for the Prompt Engineering for LLMs (Cohort 8)
Jupyter Notebook
8
star
37

maven-pe-for-llms-7

Code, Demos, and Exercises for Prompt Engineering for LLMs Course
Jupyter Notebook
6
star
38

maven-pe-for-llms-12

Course material for Prompt Engineering for LLMs
Jupyter Notebook
6
star
39

maven-pe-for-llms-9

Materials for Prompt Engineering for LLMs (Cohort 9)
Jupyter Notebook
6
star
40

paper_presentations

All paper presentation material will be added here
5
star
41

nlp_research_highlights

Contains all issues of the NLP Research Highlights series
5
star
42

deep_affective_layer

๐Ÿ˜„ Building a deep learning based affective computing platform
3
star
43

maven-pe-for-llms-2

Jupyter Notebook
3
star
44

datasets

AI Datasets
3
star
45

maven-pe-for-llms-11

Materials for the Prompt Engineering for LLMs Course (Cohort 11)
Jupyter Notebook
3
star
46

.github

2
star
47

meetups

Material for dair.ai meetups
2
star
48

tensorflow_notebooks

A repository containing Deep Learning and Machine Learning related TensorFlow notebooks.
1
star
49

maven-pe-for-llms-10

Materials for Cohort 10
Jupyter Notebook
1
star