Skip to content

Latest commit

 

History

History
57 lines (54 loc) · 18.6 KB

NLP_sentiment.md

File metadata and controls

57 lines (54 loc) · 18.6 KB

NLP - Sentiment Analysis

Paper Conference Remarks
Twitter Sentiment Classification using Distant Supervision N.A. 2009 Introduces a novel approach for automatically classifying the sentiment of Twitter messages using distant supervised learning.
Convolutional Neural Networks for Sentence Classification EMNLP 2014 Show that a simple CNN with little hyperparameter tuning and static vectors achieves excellent results on multiple benchmarks in the sentence classification task.
A comparison of Lexicon-based approaches for Sentiment Analysis of microblog posts Arxiv 2014 Propose a lexicon-based approach for sentiment classification of Twitter posts, based on the exploitation of widespread lexical resources such as SentiWordNet, WordNet-Affect, MPQA and SenticNet.
Comparing and Combining Sentiment Analysis Methods Arxiv 2014 1. Present comparisons of eight popular sentiment analysis methods in terms of coverage (i.e., the fraction of messages whose sentiment is identified) and agreement (i.e., the fraction of identified sentiments that are in tune with ground truth). 2. Develop a new method that combines existing approaches, providing the best coverage results and competitive agreement. 3. Present a free Web service called iFeel, which provides an open API for accessing and comparing results across different sentiment methods for a given text.
Sentiment analysis algorithms and applications: A survey Ain Shams Engineering Journal 2014 1. Give nearly full image of SA techniques and the related fields with brief details. 2. Provide sophisticated categorizations of a large number of recent articles and the illustration of the recent trend of research in the sentiment analysis and its related areas.
Sentiment Analysis: Detecting Valence, Emotions, and Other Affectual States from Text Emotion Measurement 2015 1. Summarize the diverse landscape of tasks and applications associated with sentiment analysis. 2. Outline key challenges stemming from the complexity and subtlety of language use, the prevalence of creative and non-standard language, and the lack of paralinguistic information, such as tone and stress markers. 3. Describe automatic systems and datasets commonly used in sentiment analysis. 4. Summarize several manual and automatic approaches to creating valence- and emotion-association lexicons. 5. Discuss preliminary approaches for sentiment composition (how smaller units of text combine to express sentiment) and approaches for detecting sentiment in figurative and metaphoric language
A Sensitivity Analysis of (and Practitioners' Guide to) Convolutional Neural Networks for Sentence Classification Arxiv 2015 1. Conduct a sensitivity analysis of one-layer CNNs to explore the effect of architecture components on model performance. 2. Distinguish between important and comparatively inconsequential design decisions for sentence classification. 3. Derive practical advice from our extensive empirical results for those interested in getting the most out of CNNs for sentence classification in real world settings
Sentiment Analysis: Detecting Valence, Emotions, and Other Affectual States from Text Emotion Measurement 2016 1. Sentiment analysis refers to determining ones' attitude towards a particular target or topic. 2. Osgood et al. (1957) showed three most prominent dimensions of meaning are evaluation (good-bad), potency (strong-weak) and activity (active-passive), or EPA form in short. Another popular form is valence, arousal and dominance, or PAD form by Russell (1980). 3. Sentiment analysis has wide-ranging applications in healthcare, politics, brand management, education, etc.
Sentiment analysis leveraging emotions and word embeddings Expert Systems With Applications 2016 1. Proposes a fast, flexible, generic methodology for sentiment detection out of textual snippets which express people’s opinions in different languages. 2. Adopts a machine learning approach with which textual documents are represented by vectors and are used for training a polarity classification model. 3. The competence of these feature representations for the sentiment classification task is assessed
Linguistically Regularized LSTM for Sentiment Classification ACL 2017 1. A simple model trained with sentence-level annotations which attempt to model the linguistic role of sentiment lexicons, negation words and intensity words
EmoNet: Fine-Grained Emotion Detection with Gated Recurrent Neural Networks ACL 2017 1. Create a very large dataset of size 1.6 million tweets for 24 fine-grained emotions. 2. Build a very deep GRU model for sentiment classification with state of the art result.
Context-Dependent Sentiment Analysis in User-Generated Videos ACL 2017 Propose a LSTM-based model that enables utterances to capture contextual information from their surroundings in multimodal video analysis
Using millions of emoji occurrences to learn any-domain representations for detecting sentiment, emotion and sarcasm EMNLP 2017 1. Extend the distant supervision to a more diverse set of noisy labels, using a dataset of 1246 million tweets containing one of 64 common emojis to learn richer representations. 2. Obtain state-of-the-art performance on 8 benchmark datasets within sentiment, emotion and sarcasm detection using a single pretrained model.
EMOBANK: Studying the Impact of Annotation Perspective and Representation Format on Dimensional Emotion Analysis EACL 2017 1. A corpus of 10k English sentences with VAD annotations. 2. A subset of 1200 English sentences with both VAD and Ekman six basic emotion ratings. 3. Both reader and writer perspectives. 4. Close-to-human performance for mapping between dimensional and categorical formats
Attention Modeling for Targeted Sentiment EACL 2017 A vanilla LSTM model is used to induce an attention value of the whole sentence. The model is further extended to differentiate left and right contexts given a certain target following previous work
Attention-Based LSTM for Target-Dependent Sentiment Classification EACL 2017 Learns the alignment between the target entities and the most distinguishing features.
Leveraging Large Amounts of Weakly Supervised Data for Multi-Language Sentiment Classification WWW 2017 Leverages large amounts of weakly-supervised data in various languages to train a multi-layer convolutional network and demonstrate the importance of using pre-training of such networks.
Dynamic Time-Aware Attention to Speaker Roles and Contexts for Spoken Language Understanding ASRU 2017 Proposes an attention-based network that additionally leverages temporal information and speaker role for better SLU, where the attention to contexts and speaker roles can be automatically learned in an end-to-end manner.
Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis SemEval 2017 1. Two-layers LSTM with attention, on top of word embeddings. 2. Present a text processing tool for twitter dataset
Exploring Emotion Embedding and the Dimensional Model of Emotion ’ s Predictive Power in Sentiment by Thesis 2017 1. The AI system’s lack of understanding of human emotions impede an effective communication between the system and the human interactants. Emotions take a big part in communication as they allow humans to empathize and understand one another. 2. Explore validity of using the three-dimension emotion model as opposed to the naive polarity model in predicting the sentiment of given text data. 3. Use the three-dimension emotion model, namely the VAD vectors, and train emotion embeddings. 4. The visualization showed the lack of context generalization in emotion embedding
Assessing State-of-the-Art Sentiment Models on State-of-the-Art Sentiment Datasets WASSA 2017 Compare several sentiment analysis models on six different benchmarks, which belong to different domains and additionally have different levels of granularity (binary, 3-class, 4-class and 5-class).
# BB_twtr at SemEval-2017 Task 4: Twitter Sentiment Analysis with CNNs and LSTMs SemEval 2017 1. Describe the attempt at producing a state-of-the-art Twitter sentiment classifier using Convolutional Neural Networks (CNNs) and Long Short Term Memory (LSTMs) networks. 2. The proposed system leverages a large amount of unlabeled data to pre-train word embeddings. 3. Then the authors use a subset of the unlabeled data to fine tune the embeddings using distant supervision. 4. Top performance is achieved by ensembling several CNNs and LSTMs
DataStories at SemEval-2017 Task 4: Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis SemEval 2017 1. Propose Long Short-Term Memory (LSTM) networks augmented with two kinds of attention mechanisms, on top of word embeddings pre-trained on a big collection of Twitter messages. 2. Present a text processing tool suitable for social network messages, which performs tokenization, word normalization, segmentation and spell correction.
Learning to Generate Reviews and Discovering Sentiment Arxiv 2017 Find a single unit which performs sentiment analysis in byte-level recurrent language models.
Exploiting Document Knowledge for Aspect-level Sentiment Classification ACL 2018 Explores two approaches that transfer knowledge from documentlevel data, which is much less expensive to obtain, to improve the performance of aspect-level sentiment classification.
A Helping Hand: Transfer Learning for Deep Sentiment Analysis ACL 2018 1. Present an approach to feed generic cues into the training process of such networks, leading to better generalization abilities given limited training data. 2. Propose to induce sentiment embeddings via supervision on extrinsic data, which are then fed into the model via a dedicated memorybased component
A Multi-sentiment-resource Enhanced Attention Network for Sentiment Classification ACL 2018 Propose a Multi-sentiment-resource Enhanced Attention Network (MEAN) to alleviate the problem by integrating three kinds of sentiment linguistic knowledge (e.g., sentiment lexicon, negation words, intensity words) into the deep neural network via attention mechanisms.
Pretraining Sentiment Classifiers with Unlabeled Dialog Data ACL 2018 Address a sentiment classification task for a tweet analysis service as a case study and propose a pretraining strategy with unlabeled dialog data (tweet-reply pairs) via an encoder-decoder model.
Fine-Grained Emotion Detection in Health-Related Online Posts EMNLP 2018 Propose to detect fine-grained emotion types from health-related posts and show how high-level and abstract features derived from deep neural networks combined with lexicon-based features can be employed to detect emotions.
Joint Learning for Emotion Classification and Emotion Cause Detection EMNLP 2018 Propose a joint encoder which uses a unified framework to extract features for both sub-tasks and a joint model trainer which simultaneously learns two models for the two sub-tasks separately.
Extending Neural Generative Conversational Model using External Knowledge Sources EMNLP 2018 Consider incorporating external knowledge into Seq2Seq dialogue model from Wikipedia summaries as well as from the NELL knowledge base.
Letting Emotions Flow: Success Prediction by Modeling the Flow of Emotions in Books NAACL 2018 Model the flow of emotions over a book using recurrent neural networks and quantify its usefulness in predicting success in books.
Conversational Memory Network for Emotion Recognition in Dyadic Dialogue Videos NAACL 2018 1. Propose a deep neural framework, termed conversational memory network, which leverages contextual information from the conversation history. 2. This work model past utterances of each speaker into memories.
Sentiment Analysis: It’s Complicated! NAACL 2018 1. Argue that the removal of vague or noisy data is a problematic trend because, when performing real-time sentiment classification of short-text, an automated system cannot know a prior which samples would fall into this category of disputed sentiment. 2. Propose the notion of a “complicated” class of sentiment to categorize such text, and argue that its inclusion in the short-text sentiment analysis framework will improve the quality of automated sentiment analysis systems as they are implemented in real-world settings.
How Time Matters: Learning Time-Decay Attention for Contextual Spoken Language Understanding in Dialogues NAACL 2018 Designs and investigates various types of time-decay attention on the sentence-level and speaker-level, and further proposes a flexible universal time-decay attention mechanism.
Knowledge-enriched Two-layered Attention Network for Sentiment Analysis NAACL 2018 Proposes a novel two-layered attention network based on Bidirectional Long Short-Term Memory for sentiment analysis, which takes advantage of the external knowledge bases to improve the sentiment prediction.
Beyond Word Importance: Contextual Decomposition to Extract Interactions from LSTMs ICLR 2018 1. Introduce contextual decomposition (CD), an interpretation algorithm for analysing individual predictions made by standard LSTMs, without any changes to the underlying model. 2. By decomposing the output of a LSTM, CD captures the contributions of combinations of words or variables to the final prediction of an LSTM.
Text Emotion Distribution Learning via Multi-Task Convolutional Neural Network IJCAI 2018 To address the problem of a single sentence evoking multiple emotions with different intensities, this work introduce emotion distribution learning and propose a multi-task convolutional neural network for text emotion analysis, which optimizes the distribution prediction and classification tasks simultaneously.
Emotion Recognition on Twitter: Comparative Study and Training a Unison Model IEEE TAC 2018 1. Compare the performance of several word- and character-based recurrent and convolutional neural networks with the performance on bag-of-words and latent semantic indexing models. 2. Investigate the transferability of the final hidden state representations between different classifications of emotions, and whether it is possible to build a unison model for predicting all of them using a shared representation. 3. Show that recurrent neural networks, especially character-based ones, can improve over bag-of-words and latent semantic indexing models
The Evolution of Sentiment Analysis - A Review of Research Topics, Venues, and Top Cited Papers Computer Science Review 2018 1. Present a computer-assisted literature review about 6996 papers.
SeerNet at SemEval-2018 Task 1: Domain Adaptation for Affect in Tweets SemEval 2018 The proposed system performs domain adaptation of 4 different models and creates an ensemble to give the final prediction
Deep Learning for Sentiment Analysis : A Survey Arxiv 2018 First gives an overview of deep learning and then provides a comprehensive survey of its current applications in sentiment analysis.
Emotion Detection in Text: a Review Arxiv 2018 1. Review the work that has been done in identifying emotion expressions in text and argue that although many techniques, methodologies, and models have been created to detect emotion in text, there are various reasons that make these methods insufficient. 2. Argus that there is an essential need to improve the design and architecture of current systems, factors such as the complexity of human emotions, and the use of implicit and metaphorical language in expressing it, lead us to think that just re-purposing standard methodologies will not be enough to capture these complexities, and it is important to pay attention to the linguistic intricacies of emotion expression.
A Sentiment-and-Semantics-Based Approach for Emotion Detection in Textual Conversations Arxiv 2018 1. Propose a novel approach to detect emotions like happy, sad or angry in textual conversations using an LSTM based Deep Learning model. 2. Combine both semantic and sentiment based embeddings
DialogueRNN: An Attentive RNN for Emotion Detection in Conversations AAAI 2019 Introduce a new method based on recurrent neural networks that keeps track of the individual party states throughout the conversation and uses this information for emotion classification
Dynamic emotion modelling and anomaly detection in conversation based on emotional transition tensor Information Fusion 2019 Proposes a hybrid model that combines the convolutional neural network long short-term memory (CNN-LSTM) with a Markov chain Monte Carlo (MCMC) method to identify users’ emotions, sample users’ emotional transition and detect anomalies according to the transition tensor.

Back to index