SlideShare a Scribd company logo
1 of 8
Download to read offline
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON
ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND
COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi
Page 1
Selangor, Malaysia. Organized by https://worldconferences.net
BENCHMARKING SUPERVISED LEARNING MODELS
FOR EMOTION ANALYSIS
Ang Jia Pheng, Duc Nghia Pham, Ong Hong Hoe
Artificial Intelligence Laboratory
MIMOS Berhad
{jp.ang, nghia.pham, hh.ong} @mimos.my
ABSTRACT
Emotion is the most genuine reaction of a person towards a circumstance or an object that are
usually hidden between lines in their speech, text and actions. While emotion is more
sophisticated and complicated to process and analyze, emotion provides more detailed and
valuable insights for organizations to re-evaluate/fine-tune their actions and make informed
decisions. This paper benchmarked supervised learning models for emotion analysis using
sentence-level documents with six categories: anger, sadness, joy, love, surprise, and fear. We
evaluated one deep learning model: Bidirectional Long-Short Term Memory (BiLSTM), and
one machine learning model: FastText. Since FastText does not support GPU, both BiLSTM
and FastText were ran on CPU for a fair time comparison. The results showed that while
sacrificing speed that took at least 9000% longer to train and validate, BiLSTM consistently
outperformed FastText. We also found that text pre-processing helped boost the performance
of supervised learning models in emotion analysis.
Field of Research: emotion analysis, machine learning, natural language processing.
----------------------------------------------------------------------------------------------------------------
1. Introduction
Emotion is the strong feeling of a person towards a person, an action or a circumstance. Since
the emergent concept of modern emotion for English language in 1830 [1], philosophers and
researchers has been studying them closely to provide a more detailed understanding of
human’s behaviors. Ekman [2] categorized human emotions into six basic discrete emotions
(anger, disgust, fear, happiness, sadness and surprise). On the other hand, Plutchik’s wheel of
emotions [3] consists of eight basic emotions grouped by their positive or negative polarity:
joy versus sadness; anger versus fear; trust versus disgust; and surprise versus anticipation.
These eight emotions can be further combined and extended into 24 more distinguishable
complex emotions. The challenge in emotion analysis is to classify similar sentences in terms
of word usage, and sentence structure into several distinguishable and unique categories from.
In this paper, we benchmarked recent supervised learning models for emotion analysis using
sentence-level documents annotated with six emotion classes: anger, sadness, joy, love,
surprise, and fear. For this study, we selected one deep learning model: Bidirectional long short-
term memory (BiLSTM) [4] and one linear machine learning model: FastText [5,6]. For
BiLSTM model, we applied the default settings for the benchmark. For FastText, which does
not have default setting, we configured the training hyper-parameters mimicking the hyper-
parameters of the BiLSTM model. Due to the fast computation speed of FastText, we were able
to train several models using different epochs, n-grams, and learning rates to benchmark the
changes in performance.
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON
ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND
COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi
Page 2
Selangor, Malaysia. Organized by https://worldconferences.net
2. Background
Emotion analysis is a Natural Language Processing (NLP) task that classifies input text into
appropriate emotion classes to produce useful information. Emotion analysis produces finer
grained insights into user’s feelings and thoughts than sentiment analysis, which gives only
‘positive’ or ‘negative’ sentiment. As a result, businesses and organizations can tailor their
products and services to better serve the target audiences.
Several methods have been proposed and applied to analyze emotions (see [7] for a detailed
analytical report on the current state of opinion and emotion mining from textual data). Gupta et
al. [8] used Support Vector Machine to perform emotion analysis on customer care feedbacks.
By utilizing n-grams and selected features, they were able to produce quick and precise analysis
on the feedbacks. Alm & Sproat [9] studied the emotional distributions in children story books.
They explored and provided statistical evidence for different useful features, especially
emotional sequencing, to detect emotion from sentence-level text. Hancock et al. [10] extracted
different features (such as text length, use of emoticon, text respond time) from communication
text for emotion analysis.
Neviarouskaya et al. [11] developed a rule-based Affect Analysis model for emotion analysis on
online communication text. Their model can deal with both formal written text and informal
short messages that contain abbreviations. Gao et al. [12] also developed a rule-based model for
emotion mining on Chinese micro-blogs by recognizing the causes that trigger the author’s
emotion. In addition, Lee et al. [13] looked for the cause of an emotion by focusing on sentence
grammar and structure, such as conjunction. By figuring out the cause, the emotion of the
sentence will be more solid and accurate. For example, it is hard to assign an emotion to this
sentence: “That’s it?” without knowing the context (or cause) of this sentence. It might be a
positive surprise of a student that is struggling on his test, or a disappointment of a movie viewer
that expect more in the movie he is watching.
3. Data Description
In this benchmark, our dataset consists of annotated sentences from two sources: (i) the
International Survey on Emotion Antecedents and Reactions (ISEAR) emotion dataset [14] and
Malaya’s emotion annotated dataset [15]. Our dataset consists of 102,844 sentence entries;
each entry contains an average of 12 words. The dataset is annotated with 6 different emotion
classes as shown in Table 1.
Table 1: Label distribution for emotion dataset
Labels Amount (%)
Anger 19,952 (19.4%)
Sadness 17,135 (16.66%)
Fear 20,134 (19.58%)
Joy 20,679 (20.11%)
Love 15,232 (14.81%)
Surprise 9,712 (9.44%)
Noted that benchmark sentences were pre-processed by the publishers. However, several useful
features like all-cap or elongated words were kept unchanged. Examples of such sentences are
shown in Table 2.
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON
ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND
COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi
Page 3
Selangor, Malaysia. Organized by https://worldconferences.net
Table 2: Example of sentence in emotion dataset
 I am ashamed of having allowed me to enter this last sentence as a contingency
plan
 I'm embarrassed and I feel depressed I feel lonely I feel dependent but I do not
want to be
 I feel very intimidated and lower than they oooommmggggggg
4. Model Description
4.1 FastText
FastText is a text classification [5] and word representation [6] library developed by Facebook
AI Research (FAIR) team. FastText can produce supervised and unsupervised text
classification models and word representation. FastText provides 2 models for computing word
representation: skipgram and continuous bag-of-words (CBOW). For this benchmark, we
compared the performance of FastText using two word representations: its own generated word
representation and a controlled word representation from word2vec [16].
FastText is known for its short training time and high accuracy is that on par with Deep
Learning text classifiers. The creator of FastText claimed: “We can train FastText on more than
one billion words in less than ten minutes using a standard multicore CPU, and classify half a
million sentences among 312K classes in less than a minute.” [5]. For word embedding layer,
word vectors are being averaged and then input into a multinomial logistic regression for
training and classification. Hashing method was introduced to speed up the computational
process. To reduce computational complexity, user can specify the use of hierarchical softmax
to further increase the computation speed, by reducing computational complexity O(k*h) to
O(h*log(k)), where k is the number of classes and h is dimension of text representation. Figure
1 shows the basic architecture of FastText.
4.2 BiLSTM with Attention
For deep learning, we selected the BiLSTM with attention algorithm by Baziotis et al [4], due
to its 1st
place and 2nd
place rankings in two different tasks in the SemEval-2017 Task 4
competition. This model consists of two layers of bidirectional LSTM, which feed into an
attention layer where the attention mechanism assigns a weight to each word annotation, and
finally send into an output layer with output probability distribution over all classes. Figure 2
depicts the structure of this model.
Figure 1: Model architecture of FastText for a sentence with N ngram features x1, . . . , xN . The features are embedded
and averaged to form the hidden variable
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON
ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND
COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi
Page 4
Selangor, Malaysia. Organized by https://worldconferences.net
Figure 2: Structure of Bi-LSTM with Attention developed by Baziotis.et al. [4]
5. Experiment Setting
5.1 Data Pre-processing
Nowadays, people used emoji, emoticons, special symbols, etc. to express sentiment and
emotion. These icons and symbols are quite easy for human to interpret the emotion/sentiment
they carry, but pose a great challenge for machine to comprehend. In this study, we used the
text pre-processing method implemented by Baziotis et al. [4] to resolve these icons and
symbols, replace inconsistent features with consistent annotation, and reduce the vocabulary
size of the model while still retaining useful information. In particular, our text preprocessor
performs the following steps: (i) tokenization (also handling emoji, dates, currency, time,
acronyms, censored words, and emphasized words), (ii) spell correction, (iii) word
normalization, (iv) segmentation, and (v) annotation. Table 3 shows an example of the output
text after preprocessing.
Table 3: Changes of raw text after applying text-pre-processor
Before I think this class is digggg digggg digggg
After i think this class is dig <elongated> dig <elongated> dig <elongated>
5.1 BiLSTM model
We used the default settings for BiLSTM as in [4]. Table 4 summarizes the settings. We trained
BiLSTM on each dataset for 50 epochs where each epoch training stops when the validation
lost stops decreasing.
Table 4:Parameters for BiLSTM Model
Parameters Values
Epoch 50
Batch Size 50
Input max length (Financial, Twitter, Amazon) 100, 50, 150
Embedding Dimension 300
Embedding Gaussian Noise (σ) 0.2
Embedding Dropout 0.5
LSTM Dropout 0.25
L2 Regularization 0.0001
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON
ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND
COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi
Page 5
Selangor, Malaysia. Organized by https://worldconferences.net
5.2 FastText
Table 5 shows the different settings for FastText ran in this benchmark.
Table 5: Combination of hyperparameters used in FastText model training
ID Dimension Epoch Learning
Rate
N-gram Word
Vectors
E50LR0.05N1BV 300 50 0.05 1
BiLSTM
Word Vector
E50LR0.05N2BV 300 50 0.05 2
E50LR0.5N1BV 300 50 0.5 1
E25LR0.05N1BV 300 25 0.05 1
E50LR0.05N1FV 300 50 0.05 1
FastText
Word Vector
E50LR0.05N2FV 300 50 0.05 2
E50LR0.5N1FV 300 50 0.5 1
E25LR0.05N1FV 300 25 0.05 1
6. Experimental Result
All our benchmark tests were conducted on an Ubuntu 18.04 machine with an Intel(R) Xeon(R)
quad-core CPU E5-1603 @ 2.80GHz and 16GB of RAM. As FastText does not support GPU
acceleration, we ran both FastText and BiLSTM on CPU only to have a fair comparison in
terms of time and speed. However, it is expected that the training time and processing time of
these models will be significantly improved with GPU acceleration.
We ran both FastText and BiLSTM on both the original raw dataset and its corresponding pre-
processed dataset. Each dataset was split into 80-10-10, i.e. 80% for training, 10% for
validation and 10% for testing. 10-fold cross validation was applied to each run of FastText
and the macro-average results were reported.
Table 6 shows the results of BiLSTM and 8 variants of FastText on the raw and pre-processed
dataset. Here, ‘P’, ‘R’, and ‘F1’ stand for precision, recall and F1-score, respectively. ‘Time’
column recorded the total time in seconds to train, validate and test. The best results are bolded.
Results are sorted in descending order according to F1-score of runs on pre-processed datasets.
Table 6: Performance of BiLSTM with Attention Model and FastText on Sentiment Dataset
Raw Text Pre-processed Text
Model P R F1 Time P R F1 Time
BiLSTM 0.7929 0.8075 0.8001 90327.62 0.8123 0.8267 0.8194 90079.01
E50LR0.05N2FV 0.7387 0.7387 0.7387 20.33 0.7415 0.7415 0.7415 18.22
E50LR0.05N2BV 0.7360 0.7360 0.7360 108.54 0.7402 0.7402 0.7402 108.51
E25LR0.05N1BV 0.7281 0.7281 0.7281 93.45 0.7350 0.7350 0.7350 92.75
E50LR0.05N1FV 0.7295 0.7295 0.7295 10.50 0.7299 0.7299 0.7299 10.54
E25LR0.05N1FV 0.7404 0.7404 0.7404 5.52 0.7287 0.7287 0.7287 5.52
E50LR0.05N1BV 0.7285 0.7285 0.7285 100.40 0.7284 0.7284 0.7284 100.30
E50LR0.5N1BV 0.7007 0.7007 0.7007 100.64 0.7170 0.7170 0.7170 100.63
E50LR0.5N1FV 0.7097 0.7097 0.7097 10.50 0.7150 0.7150 0.7150 10.51
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON
ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND
COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi
Page 6
Selangor, Malaysia. Organized by https://worldconferences.net
Our results showed that BiLSTM outperformed all variants of FastText on both raw and pre-
processed dataset. Compared with the best performed variant of FastText (E50LR0.05N2FV),
BiLSTM was 8.31% and 10% more accurate in terms of F1-score on raw and pre-processed
dataset, respectively. It is the only model crossed the 80% accuracy line in this emotion analysis
benchmark.
Among eight variants of FastText evaluated in this study, bi-gram (N2) models were the best,
regardless of which word embedding representation was used. Configuring FastText a low
learning rate (LR0.05) also produced better accuracy than a higher learning rate (LR0.5). In term
of word embedding representation, there was a tie between BiLSTM encoding and FastText
encoding.
Figure 3: Pairwise F1-score comparison on raw vs pre-processed Dataset
Our results in Table 6 and the pairwise comparison of F1-score plotted in Figure 3 demonstrated
the clear benefit of pre-processing text for emotion analysis. Both BiLSTM and the majority of
FastText variants gained a slight accuracy boost when pre-processing was applied. Only the
E25LR0.05N1FV variant of FastText performed slightly worse after pre-processing. This is
interesting as the original raw dataset was already pre-processed. Our hypothesis is that the
correction and annotation of elongated words help to boost the performance of tested models.
7. Conclusion and Future Work
In conclusion, while sacrificing speed that took at least 9000% longer to train and validate,
BiLSTM consistently outperformed FastText up to 10% of accuracy. It is expected that the
training time and processing time of BiLSTM will be significantly improved with GPU
acceleration. Configuring FastText with the right setting is also important to utilize its full
potential. In addition, we found that text pre-processing helped boost the performance of
supervised learning models in emotion analysis. In future, we plan to further evaluate the impact
of pre-processing text on the performance of supervised learning for text classification.
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON
ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND
COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi
Page 7
Selangor, Malaysia. Organized by https://worldconferences.net
References
[1] Smith TW (2015). The Book of Human Emotions. Little, Brown, and Company. pp. 4–7.
ISBN 9780316265409.
[2] Ekman, P. (1999). Basic Emotions. Wiley.
[3] Wikiversity. (2019, April 30). Plutchik's wheel of emotions. Retrieved from Wikivercity
https://en.wikiversity.org/wiki/Motivation_and_emotion/Book/2014/Plutchik%27s_whe
el_of_emotions
[4] Baziotis, C. (2017, July 9). datastories-semeval2017-task4. Retrieved from Github:
https://github.com/cbaziotis/datastories-semeval2017-task4
[5] Joulin, A. a. (2016). Bag of Tricks for Efficient Text Classification. arXiv preprint
arXiv:1607.01759.
[6] Bojanowski, P. a. (2016). Enriching Word Vectors with Subword Information. arXiv
preprint arXiv:1607.04606
[7] Mining, C. S. (June 2017). Current State of Text Sentiment Analysis from Opinion to
Emotion Mining. ACM Comput. Surv., 25:1--25:33.
[8] Narendra Gupta, Mazin Gilbert, and Giuseppe Di Fabbrizio. 2013. Emotion detection in
email customer care. Comput. Intell. 29, 3 (2013), 489–505.
[9] Cecilia Ovesdotter Alm and Richard Sproat. 2005. Emotional sequencing and
development in fairy tales. In Affective Computing and Intelligent Interaction. Springer,
668–674.
[10] Jeffrey T. Hancock, Christopher Landrigan, and Courtney Silver. 2007. Expressing
emotion in text-based communication. In Proceedings of the SIGCHI Conference on
Human Factors in Computing Systems. ACM, 929–932.
[11] Alena Neviarouskaya, Helmut Prendinger, and Mitsuru Ishizuka. 2007. Textual affect
sensing for sociable and expressive online communication. In Affective Computing and
Intelligent Interaction. Springer, 218–229.
[12] Kai Gao, Hua Xu, and Jiushuo Wang. 2015. Emotion cause detection for Chinese micro-
blogs based on ECOCC model. In Advances in Knowledge Discovery and Data Mining.
Springer, 3–14.
[13] Sophia Yat Mei Lee, Ying Chen, Shoushan Li, and Chu-Ren Huang. 2010. Emotion cause
events: Corpus construction and analysis. In LREC
[14] Scherer, K.R. and Wallbotth, G. (1994) Evidence for Universality and Cultural Variation
of Differential Emotion Response Patterning. Journal of Personality and Social
Psychology, 66, 310-328.
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON
ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019
E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND
COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi
Page 8
Selangor, Malaysia. Organized by https://worldconferences.net
[15] Husein, Z. (2018). Malaya-Dataset. GitHub repository. GitHub. Retrieved from
https://github.com/huseinzol05/Malaya-Dataset
[16] Dean, T. M. (2013). Efficient Estimation of Word Representations in Vector Space.
Retrieved from http://arxiv.org/abs/1301.3781

More Related Content

What's hot

Immune-Inspired Method for Selecting the Optimal Solution in Semantic Web Ser...
Immune-Inspired Method for Selecting the Optimal Solution in Semantic Web Ser...Immune-Inspired Method for Selecting the Optimal Solution in Semantic Web Ser...
Immune-Inspired Method for Selecting the Optimal Solution in Semantic Web Ser...IJwest
 
TALASH: A SEMANTIC AND CONTEXT BASED OPTIMIZED HINDI SEARCH ENGINE
TALASH: A SEMANTIC AND CONTEXT BASED OPTIMIZED HINDI SEARCH ENGINETALASH: A SEMANTIC AND CONTEXT BASED OPTIMIZED HINDI SEARCH ENGINE
TALASH: A SEMANTIC AND CONTEXT BASED OPTIMIZED HINDI SEARCH ENGINEIJCSEIT Journal
 
intelligent computing relating to cloud computing
intelligent computing relating to cloud computingintelligent computing relating to cloud computing
intelligent computing relating to cloud computingEr. rahul abhishek
 
Vol 7 No 1 - November 2013
Vol 7 No 1 - November 2013Vol 7 No 1 - November 2013
Vol 7 No 1 - November 2013ijcsbi
 
New research articles 2020 december issue- international journal of compute...
New research articles   2020 december issue- international journal of compute...New research articles   2020 december issue- international journal of compute...
New research articles 2020 december issue- international journal of compute...AIRCC Publishing Corporation
 
Intelligent personal assistants
Intelligent personal assistantsIntelligent personal assistants
Intelligent personal assistantsFabiolaPanetti
 
Privacy Preserving Chatbot Conversations
Privacy Preserving Chatbot ConversationsPrivacy Preserving Chatbot Conversations
Privacy Preserving Chatbot ConversationsDebmalya Biswas
 
A prior case study of natural language processing on different domain
A prior case study of natural language processing  on different domain A prior case study of natural language processing  on different domain
A prior case study of natural language processing on different domain IJECEIAES
 
IRJET - Chatbot for HR Department using AIML and LSA
IRJET - Chatbot for HR Department using AIML and LSAIRJET - Chatbot for HR Department using AIML and LSA
IRJET - Chatbot for HR Department using AIML and LSAIRJET Journal
 
WARRANTS GENERATIONS USING A LANGUAGE MODEL AND A MULTI-AGENT SYSTEM
WARRANTS GENERATIONS USING A LANGUAGE MODEL AND A MULTI-AGENT SYSTEMWARRANTS GENERATIONS USING A LANGUAGE MODEL AND A MULTI-AGENT SYSTEM
WARRANTS GENERATIONS USING A LANGUAGE MODEL AND A MULTI-AGENT SYSTEMijnlc
 
Analysis and Prediction of Sentiments for Cricket Tweets using Hadoop
Analysis and Prediction of Sentiments for Cricket Tweets using HadoopAnalysis and Prediction of Sentiments for Cricket Tweets using Hadoop
Analysis and Prediction of Sentiments for Cricket Tweets using HadoopIRJET Journal
 
Impact of Expert System as Tools for Efficient Teaching and Learning Process ...
Impact of Expert System as Tools for Efficient Teaching and Learning Process ...Impact of Expert System as Tools for Efficient Teaching and Learning Process ...
Impact of Expert System as Tools for Efficient Teaching and Learning Process ...rahulmonikasharma
 
IRJET - Sentiment Analysis and Rumour Detection in Online Product Reviews
IRJET -  	  Sentiment Analysis and Rumour Detection in Online Product ReviewsIRJET -  	  Sentiment Analysis and Rumour Detection in Online Product Reviews
IRJET - Sentiment Analysis and Rumour Detection in Online Product ReviewsIRJET Journal
 
Implementing data-driven decision support system based on independent educati...
Implementing data-driven decision support system based on independent educati...Implementing data-driven decision support system based on independent educati...
Implementing data-driven decision support system based on independent educati...IJECEIAES
 
IRJET- Review of Chatbot System in Hindi Language
IRJET-  	  Review of Chatbot System in Hindi LanguageIRJET-  	  Review of Chatbot System in Hindi Language
IRJET- Review of Chatbot System in Hindi LanguageIRJET Journal
 
IRJET- Review of Chatbot System in Marathi Language
IRJET- Review of Chatbot System in Marathi LanguageIRJET- Review of Chatbot System in Marathi Language
IRJET- Review of Chatbot System in Marathi LanguageIRJET Journal
 
A fuzzy logic based on sentiment
A fuzzy logic based on sentimentA fuzzy logic based on sentiment
A fuzzy logic based on sentimentIJDKP
 
IRJET- Twitter Sentimental Analysis for Predicting Election Result using ...
IRJET-  	  Twitter Sentimental Analysis for Predicting Election Result using ...IRJET-  	  Twitter Sentimental Analysis for Predicting Election Result using ...
IRJET- Twitter Sentimental Analysis for Predicting Election Result using ...IRJET Journal
 
IRJET- Quinn: Medical Assistant for Mental Counseling using Rasa Stack
IRJET-  	  Quinn: Medical Assistant for Mental Counseling using Rasa StackIRJET-  	  Quinn: Medical Assistant for Mental Counseling using Rasa Stack
IRJET- Quinn: Medical Assistant for Mental Counseling using Rasa StackIRJET Journal
 
Correlation Technology Demonstration Slides
Correlation Technology Demonstration SlidesCorrelation Technology Demonstration Slides
Correlation Technology Demonstration Slidess0P5a41b
 

What's hot (20)

Immune-Inspired Method for Selecting the Optimal Solution in Semantic Web Ser...
Immune-Inspired Method for Selecting the Optimal Solution in Semantic Web Ser...Immune-Inspired Method for Selecting the Optimal Solution in Semantic Web Ser...
Immune-Inspired Method for Selecting the Optimal Solution in Semantic Web Ser...
 
TALASH: A SEMANTIC AND CONTEXT BASED OPTIMIZED HINDI SEARCH ENGINE
TALASH: A SEMANTIC AND CONTEXT BASED OPTIMIZED HINDI SEARCH ENGINETALASH: A SEMANTIC AND CONTEXT BASED OPTIMIZED HINDI SEARCH ENGINE
TALASH: A SEMANTIC AND CONTEXT BASED OPTIMIZED HINDI SEARCH ENGINE
 
intelligent computing relating to cloud computing
intelligent computing relating to cloud computingintelligent computing relating to cloud computing
intelligent computing relating to cloud computing
 
Vol 7 No 1 - November 2013
Vol 7 No 1 - November 2013Vol 7 No 1 - November 2013
Vol 7 No 1 - November 2013
 
New research articles 2020 december issue- international journal of compute...
New research articles   2020 december issue- international journal of compute...New research articles   2020 december issue- international journal of compute...
New research articles 2020 december issue- international journal of compute...
 
Intelligent personal assistants
Intelligent personal assistantsIntelligent personal assistants
Intelligent personal assistants
 
Privacy Preserving Chatbot Conversations
Privacy Preserving Chatbot ConversationsPrivacy Preserving Chatbot Conversations
Privacy Preserving Chatbot Conversations
 
A prior case study of natural language processing on different domain
A prior case study of natural language processing  on different domain A prior case study of natural language processing  on different domain
A prior case study of natural language processing on different domain
 
IRJET - Chatbot for HR Department using AIML and LSA
IRJET - Chatbot for HR Department using AIML and LSAIRJET - Chatbot for HR Department using AIML and LSA
IRJET - Chatbot for HR Department using AIML and LSA
 
WARRANTS GENERATIONS USING A LANGUAGE MODEL AND A MULTI-AGENT SYSTEM
WARRANTS GENERATIONS USING A LANGUAGE MODEL AND A MULTI-AGENT SYSTEMWARRANTS GENERATIONS USING A LANGUAGE MODEL AND A MULTI-AGENT SYSTEM
WARRANTS GENERATIONS USING A LANGUAGE MODEL AND A MULTI-AGENT SYSTEM
 
Analysis and Prediction of Sentiments for Cricket Tweets using Hadoop
Analysis and Prediction of Sentiments for Cricket Tweets using HadoopAnalysis and Prediction of Sentiments for Cricket Tweets using Hadoop
Analysis and Prediction of Sentiments for Cricket Tweets using Hadoop
 
Impact of Expert System as Tools for Efficient Teaching and Learning Process ...
Impact of Expert System as Tools for Efficient Teaching and Learning Process ...Impact of Expert System as Tools for Efficient Teaching and Learning Process ...
Impact of Expert System as Tools for Efficient Teaching and Learning Process ...
 
IRJET - Sentiment Analysis and Rumour Detection in Online Product Reviews
IRJET -  	  Sentiment Analysis and Rumour Detection in Online Product ReviewsIRJET -  	  Sentiment Analysis and Rumour Detection in Online Product Reviews
IRJET - Sentiment Analysis and Rumour Detection in Online Product Reviews
 
Implementing data-driven decision support system based on independent educati...
Implementing data-driven decision support system based on independent educati...Implementing data-driven decision support system based on independent educati...
Implementing data-driven decision support system based on independent educati...
 
IRJET- Review of Chatbot System in Hindi Language
IRJET-  	  Review of Chatbot System in Hindi LanguageIRJET-  	  Review of Chatbot System in Hindi Language
IRJET- Review of Chatbot System in Hindi Language
 
IRJET- Review of Chatbot System in Marathi Language
IRJET- Review of Chatbot System in Marathi LanguageIRJET- Review of Chatbot System in Marathi Language
IRJET- Review of Chatbot System in Marathi Language
 
A fuzzy logic based on sentiment
A fuzzy logic based on sentimentA fuzzy logic based on sentiment
A fuzzy logic based on sentiment
 
IRJET- Twitter Sentimental Analysis for Predicting Election Result using ...
IRJET-  	  Twitter Sentimental Analysis for Predicting Election Result using ...IRJET-  	  Twitter Sentimental Analysis for Predicting Election Result using ...
IRJET- Twitter Sentimental Analysis for Predicting Election Result using ...
 
IRJET- Quinn: Medical Assistant for Mental Counseling using Rasa Stack
IRJET-  	  Quinn: Medical Assistant for Mental Counseling using Rasa StackIRJET-  	  Quinn: Medical Assistant for Mental Counseling using Rasa Stack
IRJET- Quinn: Medical Assistant for Mental Counseling using Rasa Stack
 
Correlation Technology Demonstration Slides
Correlation Technology Demonstration SlidesCorrelation Technology Demonstration Slides
Correlation Technology Demonstration Slides
 

Similar to Benchmarking Emotion Analysis Models

Text to Emotion Extraction Using Supervised Machine Learning Techniques
Text to Emotion Extraction Using Supervised Machine Learning TechniquesText to Emotion Extraction Using Supervised Machine Learning Techniques
Text to Emotion Extraction Using Supervised Machine Learning TechniquesTELKOMNIKA JOURNAL
 
Evaluation of Support Vector Machine and Decision Tree for Emotion Recognitio...
Evaluation of Support Vector Machine and Decision Tree for Emotion Recognitio...Evaluation of Support Vector Machine and Decision Tree for Emotion Recognitio...
Evaluation of Support Vector Machine and Decision Tree for Emotion Recognitio...journalBEEI
 
MODELLING OF INTELLIGENT AGENTS USING A–PROLOG
MODELLING OF INTELLIGENT AGENTS USING A–PROLOGMODELLING OF INTELLIGENT AGENTS USING A–PROLOG
MODELLING OF INTELLIGENT AGENTS USING A–PROLOGijaia
 
Issues in Sentiment analysis
Issues in Sentiment analysisIssues in Sentiment analysis
Issues in Sentiment analysisIOSR Journals
 
ANALYSING SPEECH EMOTION USING NEURAL NETWORK ALGORITHM
ANALYSING SPEECH EMOTION USING NEURAL NETWORK ALGORITHMANALYSING SPEECH EMOTION USING NEURAL NETWORK ALGORITHM
ANALYSING SPEECH EMOTION USING NEURAL NETWORK ALGORITHMIRJET Journal
 
Evaluating sentiment analysis and word embedding techniques on Brexit
Evaluating sentiment analysis and word embedding techniques on BrexitEvaluating sentiment analysis and word embedding techniques on Brexit
Evaluating sentiment analysis and word embedding techniques on BrexitIAESIJAI
 
Sentiment Analysis Tasks and Approaches
Sentiment Analysis Tasks and ApproachesSentiment Analysis Tasks and Approaches
Sentiment Analysis Tasks and Approachesenas khalil
 
Neural Network Based Context Sensitive Sentiment Analysis
Neural Network Based Context Sensitive Sentiment AnalysisNeural Network Based Context Sensitive Sentiment Analysis
Neural Network Based Context Sensitive Sentiment AnalysisEditor IJCATR
 
Adaptive Vocabulary Construction for Frustration Intensity Modelling in Custo...
Adaptive Vocabulary Construction for Frustration Intensity Modelling in Custo...Adaptive Vocabulary Construction for Frustration Intensity Modelling in Custo...
Adaptive Vocabulary Construction for Frustration Intensity Modelling in Custo...AIRCC Publishing Corporation
 
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...ijcsit
 
NEWS CLASSIFIER IN REGIONAL LANGUAGE.pptx
NEWS CLASSIFIER IN REGIONAL LANGUAGE.pptxNEWS CLASSIFIER IN REGIONAL LANGUAGE.pptx
NEWS CLASSIFIER IN REGIONAL LANGUAGE.pptxv2023edu
 
ENHANCING THE HUMAN EMOTION RECOGNITION WITH FEATURE EXTRACTION TECHNIQUES
ENHANCING THE HUMAN EMOTION RECOGNITION WITH FEATURE EXTRACTION TECHNIQUESENHANCING THE HUMAN EMOTION RECOGNITION WITH FEATURE EXTRACTION TECHNIQUES
ENHANCING THE HUMAN EMOTION RECOGNITION WITH FEATURE EXTRACTION TECHNIQUESIAEME Publication
 
NBLex: emotion prediction in Kannada-English code-switchtext using naïve baye...
NBLex: emotion prediction in Kannada-English code-switchtext using naïve baye...NBLex: emotion prediction in Kannada-English code-switchtext using naïve baye...
NBLex: emotion prediction in Kannada-English code-switchtext using naïve baye...IJECEIAES
 
IRJET- Sentimental Analysis on Audio and Video using Vader Algorithm -Monali ...
IRJET- Sentimental Analysis on Audio and Video using Vader Algorithm -Monali ...IRJET- Sentimental Analysis on Audio and Video using Vader Algorithm -Monali ...
IRJET- Sentimental Analysis on Audio and Video using Vader Algorithm -Monali ...IRJET Journal
 
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...IJCSITJournal2
 
Lexicon Based Emotion Analysis on Twitter Data
Lexicon Based Emotion Analysis on Twitter DataLexicon Based Emotion Analysis on Twitter Data
Lexicon Based Emotion Analysis on Twitter Dataijtsrd
 
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTION
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTIONA NAIVE METHOD FOR ONTOLOGY CONSTRUCTION
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTIONijscai
 
A Naive Method For Ontology Construction
A Naive Method For Ontology Construction A Naive Method For Ontology Construction
A Naive Method For Ontology Construction IJSCAI Journal
 
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTION
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTIONA NAIVE METHOD FOR ONTOLOGY CONSTRUCTION
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTIONijscai
 

Similar to Benchmarking Emotion Analysis Models (20)

Text to Emotion Extraction Using Supervised Machine Learning Techniques
Text to Emotion Extraction Using Supervised Machine Learning TechniquesText to Emotion Extraction Using Supervised Machine Learning Techniques
Text to Emotion Extraction Using Supervised Machine Learning Techniques
 
Evaluation of Support Vector Machine and Decision Tree for Emotion Recognitio...
Evaluation of Support Vector Machine and Decision Tree for Emotion Recognitio...Evaluation of Support Vector Machine and Decision Tree for Emotion Recognitio...
Evaluation of Support Vector Machine and Decision Tree for Emotion Recognitio...
 
MODELLING OF INTELLIGENT AGENTS USING A–PROLOG
MODELLING OF INTELLIGENT AGENTS USING A–PROLOGMODELLING OF INTELLIGENT AGENTS USING A–PROLOG
MODELLING OF INTELLIGENT AGENTS USING A–PROLOG
 
Issues in Sentiment analysis
Issues in Sentiment analysisIssues in Sentiment analysis
Issues in Sentiment analysis
 
ANALYSING SPEECH EMOTION USING NEURAL NETWORK ALGORITHM
ANALYSING SPEECH EMOTION USING NEURAL NETWORK ALGORITHMANALYSING SPEECH EMOTION USING NEURAL NETWORK ALGORITHM
ANALYSING SPEECH EMOTION USING NEURAL NETWORK ALGORITHM
 
Evaluating sentiment analysis and word embedding techniques on Brexit
Evaluating sentiment analysis and word embedding techniques on BrexitEvaluating sentiment analysis and word embedding techniques on Brexit
Evaluating sentiment analysis and word embedding techniques on Brexit
 
Sentiment Analysis Tasks and Approaches
Sentiment Analysis Tasks and ApproachesSentiment Analysis Tasks and Approaches
Sentiment Analysis Tasks and Approaches
 
Neural Network Based Context Sensitive Sentiment Analysis
Neural Network Based Context Sensitive Sentiment AnalysisNeural Network Based Context Sensitive Sentiment Analysis
Neural Network Based Context Sensitive Sentiment Analysis
 
Adaptive Vocabulary Construction for Frustration Intensity Modelling in Custo...
Adaptive Vocabulary Construction for Frustration Intensity Modelling in Custo...Adaptive Vocabulary Construction for Frustration Intensity Modelling in Custo...
Adaptive Vocabulary Construction for Frustration Intensity Modelling in Custo...
 
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...
 
NEWS CLASSIFIER IN REGIONAL LANGUAGE.pptx
NEWS CLASSIFIER IN REGIONAL LANGUAGE.pptxNEWS CLASSIFIER IN REGIONAL LANGUAGE.pptx
NEWS CLASSIFIER IN REGIONAL LANGUAGE.pptx
 
S33100107
S33100107S33100107
S33100107
 
ENHANCING THE HUMAN EMOTION RECOGNITION WITH FEATURE EXTRACTION TECHNIQUES
ENHANCING THE HUMAN EMOTION RECOGNITION WITH FEATURE EXTRACTION TECHNIQUESENHANCING THE HUMAN EMOTION RECOGNITION WITH FEATURE EXTRACTION TECHNIQUES
ENHANCING THE HUMAN EMOTION RECOGNITION WITH FEATURE EXTRACTION TECHNIQUES
 
NBLex: emotion prediction in Kannada-English code-switchtext using naïve baye...
NBLex: emotion prediction in Kannada-English code-switchtext using naïve baye...NBLex: emotion prediction in Kannada-English code-switchtext using naïve baye...
NBLex: emotion prediction in Kannada-English code-switchtext using naïve baye...
 
IRJET- Sentimental Analysis on Audio and Video using Vader Algorithm -Monali ...
IRJET- Sentimental Analysis on Audio and Video using Vader Algorithm -Monali ...IRJET- Sentimental Analysis on Audio and Video using Vader Algorithm -Monali ...
IRJET- Sentimental Analysis on Audio and Video using Vader Algorithm -Monali ...
 
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...
ADAPTIVE VOCABULARY CONSTRUCTION FOR FRUSTRATION INTENSITY MODELLING IN CUSTO...
 
Lexicon Based Emotion Analysis on Twitter Data
Lexicon Based Emotion Analysis on Twitter DataLexicon Based Emotion Analysis on Twitter Data
Lexicon Based Emotion Analysis on Twitter Data
 
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTION
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTIONA NAIVE METHOD FOR ONTOLOGY CONSTRUCTION
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTION
 
A Naive Method For Ontology Construction
A Naive Method For Ontology Construction A Naive Method For Ontology Construction
A Naive Method For Ontology Construction
 
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTION
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTIONA NAIVE METHOD FOR ONTOLOGY CONSTRUCTION
A NAIVE METHOD FOR ONTOLOGY CONSTRUCTION
 

More from Conference Papers

Ai driven occupational skills generator
Ai driven occupational skills generatorAi driven occupational skills generator
Ai driven occupational skills generatorConference Papers
 
Advanced resource allocation and service level monitoring for container orche...
Advanced resource allocation and service level monitoring for container orche...Advanced resource allocation and service level monitoring for container orche...
Advanced resource allocation and service level monitoring for container orche...Conference Papers
 
Adaptive authentication to determine login attempt penalty from multiple inpu...
Adaptive authentication to determine login attempt penalty from multiple inpu...Adaptive authentication to determine login attempt penalty from multiple inpu...
Adaptive authentication to determine login attempt penalty from multiple inpu...Conference Papers
 
Absorption spectrum analysis of dentine sialophosphoprotein (dspp) in orthodo...
Absorption spectrum analysis of dentine sialophosphoprotein (dspp) in orthodo...Absorption spectrum analysis of dentine sialophosphoprotein (dspp) in orthodo...
Absorption spectrum analysis of dentine sialophosphoprotein (dspp) in orthodo...Conference Papers
 
A deployment scenario a taxonomy mapping and keyword searching for the appl...
A deployment scenario   a taxonomy mapping and keyword searching for the appl...A deployment scenario   a taxonomy mapping and keyword searching for the appl...
A deployment scenario a taxonomy mapping and keyword searching for the appl...Conference Papers
 
Automated snomed ct mapping of clinical discharge summary data for cardiology...
Automated snomed ct mapping of clinical discharge summary data for cardiology...Automated snomed ct mapping of clinical discharge summary data for cardiology...
Automated snomed ct mapping of clinical discharge summary data for cardiology...Conference Papers
 
Automated login method selection in a multi modal authentication - login meth...
Automated login method selection in a multi modal authentication - login meth...Automated login method selection in a multi modal authentication - login meth...
Automated login method selection in a multi modal authentication - login meth...Conference Papers
 
Atomization of reduced graphene oxide ultra thin film for transparent electro...
Atomization of reduced graphene oxide ultra thin film for transparent electro...Atomization of reduced graphene oxide ultra thin film for transparent electro...
Atomization of reduced graphene oxide ultra thin film for transparent electro...Conference Papers
 
An enhanced wireless presentation system for large scale content distribution
An enhanced wireless presentation system for large scale content distribution An enhanced wireless presentation system for large scale content distribution
An enhanced wireless presentation system for large scale content distribution Conference Papers
 
An analysis of a large scale wireless image distribution system deployment
An analysis of a large scale wireless image distribution system deploymentAn analysis of a large scale wireless image distribution system deployment
An analysis of a large scale wireless image distribution system deploymentConference Papers
 
Validation of early testing method for e government projects by requirement ...
Validation of early testing method for e  government projects by requirement ...Validation of early testing method for e  government projects by requirement ...
Validation of early testing method for e government projects by requirement ...Conference Papers
 
The design and implementation of trade finance application based on hyperledg...
The design and implementation of trade finance application based on hyperledg...The design and implementation of trade finance application based on hyperledg...
The design and implementation of trade finance application based on hyperledg...Conference Papers
 
Unified theory of acceptance and use of technology of e government services i...
Unified theory of acceptance and use of technology of e government services i...Unified theory of acceptance and use of technology of e government services i...
Unified theory of acceptance and use of technology of e government services i...Conference Papers
 
Towards predictive maintenance for marine sector in malaysia
Towards predictive maintenance for marine sector in malaysiaTowards predictive maintenance for marine sector in malaysia
Towards predictive maintenance for marine sector in malaysiaConference Papers
 
The new leaed (ii) ion selective electrode on free plasticizer film of pthfa ...
The new leaed (ii) ion selective electrode on free plasticizer film of pthfa ...The new leaed (ii) ion selective electrode on free plasticizer film of pthfa ...
The new leaed (ii) ion selective electrode on free plasticizer film of pthfa ...Conference Papers
 
Searchable symmetric encryption security definitions
Searchable symmetric encryption security definitionsSearchable symmetric encryption security definitions
Searchable symmetric encryption security definitionsConference Papers
 
Super convergence of autonomous things
Super convergence of autonomous thingsSuper convergence of autonomous things
Super convergence of autonomous thingsConference Papers
 
Study on performance of capacitor less ldo with different types of resistor
Study on performance of capacitor less ldo with different types of resistorStudy on performance of capacitor less ldo with different types of resistor
Study on performance of capacitor less ldo with different types of resistorConference Papers
 
Stil test pattern generation enhancement in mixed signal design
Stil test pattern generation enhancement in mixed signal designStil test pattern generation enhancement in mixed signal design
Stil test pattern generation enhancement in mixed signal designConference Papers
 
On premise ai platform - from dc to edge
On premise ai platform - from dc to edgeOn premise ai platform - from dc to edge
On premise ai platform - from dc to edgeConference Papers
 

More from Conference Papers (20)

Ai driven occupational skills generator
Ai driven occupational skills generatorAi driven occupational skills generator
Ai driven occupational skills generator
 
Advanced resource allocation and service level monitoring for container orche...
Advanced resource allocation and service level monitoring for container orche...Advanced resource allocation and service level monitoring for container orche...
Advanced resource allocation and service level monitoring for container orche...
 
Adaptive authentication to determine login attempt penalty from multiple inpu...
Adaptive authentication to determine login attempt penalty from multiple inpu...Adaptive authentication to determine login attempt penalty from multiple inpu...
Adaptive authentication to determine login attempt penalty from multiple inpu...
 
Absorption spectrum analysis of dentine sialophosphoprotein (dspp) in orthodo...
Absorption spectrum analysis of dentine sialophosphoprotein (dspp) in orthodo...Absorption spectrum analysis of dentine sialophosphoprotein (dspp) in orthodo...
Absorption spectrum analysis of dentine sialophosphoprotein (dspp) in orthodo...
 
A deployment scenario a taxonomy mapping and keyword searching for the appl...
A deployment scenario   a taxonomy mapping and keyword searching for the appl...A deployment scenario   a taxonomy mapping and keyword searching for the appl...
A deployment scenario a taxonomy mapping and keyword searching for the appl...
 
Automated snomed ct mapping of clinical discharge summary data for cardiology...
Automated snomed ct mapping of clinical discharge summary data for cardiology...Automated snomed ct mapping of clinical discharge summary data for cardiology...
Automated snomed ct mapping of clinical discharge summary data for cardiology...
 
Automated login method selection in a multi modal authentication - login meth...
Automated login method selection in a multi modal authentication - login meth...Automated login method selection in a multi modal authentication - login meth...
Automated login method selection in a multi modal authentication - login meth...
 
Atomization of reduced graphene oxide ultra thin film for transparent electro...
Atomization of reduced graphene oxide ultra thin film for transparent electro...Atomization of reduced graphene oxide ultra thin film for transparent electro...
Atomization of reduced graphene oxide ultra thin film for transparent electro...
 
An enhanced wireless presentation system for large scale content distribution
An enhanced wireless presentation system for large scale content distribution An enhanced wireless presentation system for large scale content distribution
An enhanced wireless presentation system for large scale content distribution
 
An analysis of a large scale wireless image distribution system deployment
An analysis of a large scale wireless image distribution system deploymentAn analysis of a large scale wireless image distribution system deployment
An analysis of a large scale wireless image distribution system deployment
 
Validation of early testing method for e government projects by requirement ...
Validation of early testing method for e  government projects by requirement ...Validation of early testing method for e  government projects by requirement ...
Validation of early testing method for e government projects by requirement ...
 
The design and implementation of trade finance application based on hyperledg...
The design and implementation of trade finance application based on hyperledg...The design and implementation of trade finance application based on hyperledg...
The design and implementation of trade finance application based on hyperledg...
 
Unified theory of acceptance and use of technology of e government services i...
Unified theory of acceptance and use of technology of e government services i...Unified theory of acceptance and use of technology of e government services i...
Unified theory of acceptance and use of technology of e government services i...
 
Towards predictive maintenance for marine sector in malaysia
Towards predictive maintenance for marine sector in malaysiaTowards predictive maintenance for marine sector in malaysia
Towards predictive maintenance for marine sector in malaysia
 
The new leaed (ii) ion selective electrode on free plasticizer film of pthfa ...
The new leaed (ii) ion selective electrode on free plasticizer film of pthfa ...The new leaed (ii) ion selective electrode on free plasticizer film of pthfa ...
The new leaed (ii) ion selective electrode on free plasticizer film of pthfa ...
 
Searchable symmetric encryption security definitions
Searchable symmetric encryption security definitionsSearchable symmetric encryption security definitions
Searchable symmetric encryption security definitions
 
Super convergence of autonomous things
Super convergence of autonomous thingsSuper convergence of autonomous things
Super convergence of autonomous things
 
Study on performance of capacitor less ldo with different types of resistor
Study on performance of capacitor less ldo with different types of resistorStudy on performance of capacitor less ldo with different types of resistor
Study on performance of capacitor less ldo with different types of resistor
 
Stil test pattern generation enhancement in mixed signal design
Stil test pattern generation enhancement in mixed signal designStil test pattern generation enhancement in mixed signal design
Stil test pattern generation enhancement in mixed signal design
 
On premise ai platform - from dc to edge
On premise ai platform - from dc to edgeOn premise ai platform - from dc to edge
On premise ai platform - from dc to edge
 

Recently uploaded

My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024The Digital Insurer
 
AI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsAI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsMemoori
 
Science&tech:THE INFORMATION AGE STS.pdf
Science&tech:THE INFORMATION AGE STS.pdfScience&tech:THE INFORMATION AGE STS.pdf
Science&tech:THE INFORMATION AGE STS.pdfjimielynbastida
 
Artificial intelligence in the post-deep learning era
Artificial intelligence in the post-deep learning eraArtificial intelligence in the post-deep learning era
Artificial intelligence in the post-deep learning eraDeakin University
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Commit University
 
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Wonjun Hwang
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Enterprise Knowledge
 
Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Scott Keck-Warren
 
Vertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsVertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsMiki Katsuragi
 
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr LapshynFwdays
 
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024BookNet Canada
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 
Key Features Of Token Development (1).pptx
Key  Features Of Token  Development (1).pptxKey  Features Of Token  Development (1).pptx
Key Features Of Token Development (1).pptxLBM Solutions
 
Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitecturePixlogix Infotech
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...shyamraj55
 
SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024Lorenzo Miniero
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticscarlostorres15106
 

Recently uploaded (20)

My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024
 
AI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsAI as an Interface for Commercial Buildings
AI as an Interface for Commercial Buildings
 
Science&tech:THE INFORMATION AGE STS.pdf
Science&tech:THE INFORMATION AGE STS.pdfScience&tech:THE INFORMATION AGE STS.pdf
Science&tech:THE INFORMATION AGE STS.pdf
 
Artificial intelligence in the post-deep learning era
Artificial intelligence in the post-deep learning eraArtificial intelligence in the post-deep learning era
Artificial intelligence in the post-deep learning era
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!
 
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping Elbows
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024
 
Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024
 
Vertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsVertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering Tips
 
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort ServiceHot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
 
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
 
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 
Key Features Of Token Development (1).pptx
Key  Features Of Token  Development (1).pptxKey  Features Of Token  Development (1).pptx
Key Features Of Token Development (1).pptx
 
Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC Architecture
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
 
SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
 
DMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special EditionDMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special Edition
 

Benchmarking Emotion Analysis Models

  • 1. E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019 E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi Page 1 Selangor, Malaysia. Organized by https://worldconferences.net BENCHMARKING SUPERVISED LEARNING MODELS FOR EMOTION ANALYSIS Ang Jia Pheng, Duc Nghia Pham, Ong Hong Hoe Artificial Intelligence Laboratory MIMOS Berhad {jp.ang, nghia.pham, hh.ong} @mimos.my ABSTRACT Emotion is the most genuine reaction of a person towards a circumstance or an object that are usually hidden between lines in their speech, text and actions. While emotion is more sophisticated and complicated to process and analyze, emotion provides more detailed and valuable insights for organizations to re-evaluate/fine-tune their actions and make informed decisions. This paper benchmarked supervised learning models for emotion analysis using sentence-level documents with six categories: anger, sadness, joy, love, surprise, and fear. We evaluated one deep learning model: Bidirectional Long-Short Term Memory (BiLSTM), and one machine learning model: FastText. Since FastText does not support GPU, both BiLSTM and FastText were ran on CPU for a fair time comparison. The results showed that while sacrificing speed that took at least 9000% longer to train and validate, BiLSTM consistently outperformed FastText. We also found that text pre-processing helped boost the performance of supervised learning models in emotion analysis. Field of Research: emotion analysis, machine learning, natural language processing. ---------------------------------------------------------------------------------------------------------------- 1. Introduction Emotion is the strong feeling of a person towards a person, an action or a circumstance. Since the emergent concept of modern emotion for English language in 1830 [1], philosophers and researchers has been studying them closely to provide a more detailed understanding of human’s behaviors. Ekman [2] categorized human emotions into six basic discrete emotions (anger, disgust, fear, happiness, sadness and surprise). On the other hand, Plutchik’s wheel of emotions [3] consists of eight basic emotions grouped by their positive or negative polarity: joy versus sadness; anger versus fear; trust versus disgust; and surprise versus anticipation. These eight emotions can be further combined and extended into 24 more distinguishable complex emotions. The challenge in emotion analysis is to classify similar sentences in terms of word usage, and sentence structure into several distinguishable and unique categories from. In this paper, we benchmarked recent supervised learning models for emotion analysis using sentence-level documents annotated with six emotion classes: anger, sadness, joy, love, surprise, and fear. For this study, we selected one deep learning model: Bidirectional long short- term memory (BiLSTM) [4] and one linear machine learning model: FastText [5,6]. For BiLSTM model, we applied the default settings for the benchmark. For FastText, which does not have default setting, we configured the training hyper-parameters mimicking the hyper- parameters of the BiLSTM model. Due to the fast computation speed of FastText, we were able to train several models using different epochs, n-grams, and learning rates to benchmark the changes in performance.
  • 2. E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019 E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi Page 2 Selangor, Malaysia. Organized by https://worldconferences.net 2. Background Emotion analysis is a Natural Language Processing (NLP) task that classifies input text into appropriate emotion classes to produce useful information. Emotion analysis produces finer grained insights into user’s feelings and thoughts than sentiment analysis, which gives only ‘positive’ or ‘negative’ sentiment. As a result, businesses and organizations can tailor their products and services to better serve the target audiences. Several methods have been proposed and applied to analyze emotions (see [7] for a detailed analytical report on the current state of opinion and emotion mining from textual data). Gupta et al. [8] used Support Vector Machine to perform emotion analysis on customer care feedbacks. By utilizing n-grams and selected features, they were able to produce quick and precise analysis on the feedbacks. Alm & Sproat [9] studied the emotional distributions in children story books. They explored and provided statistical evidence for different useful features, especially emotional sequencing, to detect emotion from sentence-level text. Hancock et al. [10] extracted different features (such as text length, use of emoticon, text respond time) from communication text for emotion analysis. Neviarouskaya et al. [11] developed a rule-based Affect Analysis model for emotion analysis on online communication text. Their model can deal with both formal written text and informal short messages that contain abbreviations. Gao et al. [12] also developed a rule-based model for emotion mining on Chinese micro-blogs by recognizing the causes that trigger the author’s emotion. In addition, Lee et al. [13] looked for the cause of an emotion by focusing on sentence grammar and structure, such as conjunction. By figuring out the cause, the emotion of the sentence will be more solid and accurate. For example, it is hard to assign an emotion to this sentence: “That’s it?” without knowing the context (or cause) of this sentence. It might be a positive surprise of a student that is struggling on his test, or a disappointment of a movie viewer that expect more in the movie he is watching. 3. Data Description In this benchmark, our dataset consists of annotated sentences from two sources: (i) the International Survey on Emotion Antecedents and Reactions (ISEAR) emotion dataset [14] and Malaya’s emotion annotated dataset [15]. Our dataset consists of 102,844 sentence entries; each entry contains an average of 12 words. The dataset is annotated with 6 different emotion classes as shown in Table 1. Table 1: Label distribution for emotion dataset Labels Amount (%) Anger 19,952 (19.4%) Sadness 17,135 (16.66%) Fear 20,134 (19.58%) Joy 20,679 (20.11%) Love 15,232 (14.81%) Surprise 9,712 (9.44%) Noted that benchmark sentences were pre-processed by the publishers. However, several useful features like all-cap or elongated words were kept unchanged. Examples of such sentences are shown in Table 2.
  • 3. E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019 E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi Page 3 Selangor, Malaysia. Organized by https://worldconferences.net Table 2: Example of sentence in emotion dataset  I am ashamed of having allowed me to enter this last sentence as a contingency plan  I'm embarrassed and I feel depressed I feel lonely I feel dependent but I do not want to be  I feel very intimidated and lower than they oooommmggggggg 4. Model Description 4.1 FastText FastText is a text classification [5] and word representation [6] library developed by Facebook AI Research (FAIR) team. FastText can produce supervised and unsupervised text classification models and word representation. FastText provides 2 models for computing word representation: skipgram and continuous bag-of-words (CBOW). For this benchmark, we compared the performance of FastText using two word representations: its own generated word representation and a controlled word representation from word2vec [16]. FastText is known for its short training time and high accuracy is that on par with Deep Learning text classifiers. The creator of FastText claimed: “We can train FastText on more than one billion words in less than ten minutes using a standard multicore CPU, and classify half a million sentences among 312K classes in less than a minute.” [5]. For word embedding layer, word vectors are being averaged and then input into a multinomial logistic regression for training and classification. Hashing method was introduced to speed up the computational process. To reduce computational complexity, user can specify the use of hierarchical softmax to further increase the computation speed, by reducing computational complexity O(k*h) to O(h*log(k)), where k is the number of classes and h is dimension of text representation. Figure 1 shows the basic architecture of FastText. 4.2 BiLSTM with Attention For deep learning, we selected the BiLSTM with attention algorithm by Baziotis et al [4], due to its 1st place and 2nd place rankings in two different tasks in the SemEval-2017 Task 4 competition. This model consists of two layers of bidirectional LSTM, which feed into an attention layer where the attention mechanism assigns a weight to each word annotation, and finally send into an output layer with output probability distribution over all classes. Figure 2 depicts the structure of this model. Figure 1: Model architecture of FastText for a sentence with N ngram features x1, . . . , xN . The features are embedded and averaged to form the hidden variable
  • 4. E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019 E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi Page 4 Selangor, Malaysia. Organized by https://worldconferences.net Figure 2: Structure of Bi-LSTM with Attention developed by Baziotis.et al. [4] 5. Experiment Setting 5.1 Data Pre-processing Nowadays, people used emoji, emoticons, special symbols, etc. to express sentiment and emotion. These icons and symbols are quite easy for human to interpret the emotion/sentiment they carry, but pose a great challenge for machine to comprehend. In this study, we used the text pre-processing method implemented by Baziotis et al. [4] to resolve these icons and symbols, replace inconsistent features with consistent annotation, and reduce the vocabulary size of the model while still retaining useful information. In particular, our text preprocessor performs the following steps: (i) tokenization (also handling emoji, dates, currency, time, acronyms, censored words, and emphasized words), (ii) spell correction, (iii) word normalization, (iv) segmentation, and (v) annotation. Table 3 shows an example of the output text after preprocessing. Table 3: Changes of raw text after applying text-pre-processor Before I think this class is digggg digggg digggg After i think this class is dig <elongated> dig <elongated> dig <elongated> 5.1 BiLSTM model We used the default settings for BiLSTM as in [4]. Table 4 summarizes the settings. We trained BiLSTM on each dataset for 50 epochs where each epoch training stops when the validation lost stops decreasing. Table 4:Parameters for BiLSTM Model Parameters Values Epoch 50 Batch Size 50 Input max length (Financial, Twitter, Amazon) 100, 50, 150 Embedding Dimension 300 Embedding Gaussian Noise (σ) 0.2 Embedding Dropout 0.5 LSTM Dropout 0.25 L2 Regularization 0.0001
  • 5. E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019 E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi Page 5 Selangor, Malaysia. Organized by https://worldconferences.net 5.2 FastText Table 5 shows the different settings for FastText ran in this benchmark. Table 5: Combination of hyperparameters used in FastText model training ID Dimension Epoch Learning Rate N-gram Word Vectors E50LR0.05N1BV 300 50 0.05 1 BiLSTM Word Vector E50LR0.05N2BV 300 50 0.05 2 E50LR0.5N1BV 300 50 0.5 1 E25LR0.05N1BV 300 25 0.05 1 E50LR0.05N1FV 300 50 0.05 1 FastText Word Vector E50LR0.05N2FV 300 50 0.05 2 E50LR0.5N1FV 300 50 0.5 1 E25LR0.05N1FV 300 25 0.05 1 6. Experimental Result All our benchmark tests were conducted on an Ubuntu 18.04 machine with an Intel(R) Xeon(R) quad-core CPU E5-1603 @ 2.80GHz and 16GB of RAM. As FastText does not support GPU acceleration, we ran both FastText and BiLSTM on CPU only to have a fair comparison in terms of time and speed. However, it is expected that the training time and processing time of these models will be significantly improved with GPU acceleration. We ran both FastText and BiLSTM on both the original raw dataset and its corresponding pre- processed dataset. Each dataset was split into 80-10-10, i.e. 80% for training, 10% for validation and 10% for testing. 10-fold cross validation was applied to each run of FastText and the macro-average results were reported. Table 6 shows the results of BiLSTM and 8 variants of FastText on the raw and pre-processed dataset. Here, ‘P’, ‘R’, and ‘F1’ stand for precision, recall and F1-score, respectively. ‘Time’ column recorded the total time in seconds to train, validate and test. The best results are bolded. Results are sorted in descending order according to F1-score of runs on pre-processed datasets. Table 6: Performance of BiLSTM with Attention Model and FastText on Sentiment Dataset Raw Text Pre-processed Text Model P R F1 Time P R F1 Time BiLSTM 0.7929 0.8075 0.8001 90327.62 0.8123 0.8267 0.8194 90079.01 E50LR0.05N2FV 0.7387 0.7387 0.7387 20.33 0.7415 0.7415 0.7415 18.22 E50LR0.05N2BV 0.7360 0.7360 0.7360 108.54 0.7402 0.7402 0.7402 108.51 E25LR0.05N1BV 0.7281 0.7281 0.7281 93.45 0.7350 0.7350 0.7350 92.75 E50LR0.05N1FV 0.7295 0.7295 0.7295 10.50 0.7299 0.7299 0.7299 10.54 E25LR0.05N1FV 0.7404 0.7404 0.7404 5.52 0.7287 0.7287 0.7287 5.52 E50LR0.05N1BV 0.7285 0.7285 0.7285 100.40 0.7284 0.7284 0.7284 100.30 E50LR0.5N1BV 0.7007 0.7007 0.7007 100.64 0.7170 0.7170 0.7170 100.63 E50LR0.5N1FV 0.7097 0.7097 0.7097 10.50 0.7150 0.7150 0.7150 10.51
  • 6. E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019 E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi Page 6 Selangor, Malaysia. Organized by https://worldconferences.net Our results showed that BiLSTM outperformed all variants of FastText on both raw and pre- processed dataset. Compared with the best performed variant of FastText (E50LR0.05N2FV), BiLSTM was 8.31% and 10% more accurate in terms of F1-score on raw and pre-processed dataset, respectively. It is the only model crossed the 80% accuracy line in this emotion analysis benchmark. Among eight variants of FastText evaluated in this study, bi-gram (N2) models were the best, regardless of which word embedding representation was used. Configuring FastText a low learning rate (LR0.05) also produced better accuracy than a higher learning rate (LR0.5). In term of word embedding representation, there was a tie between BiLSTM encoding and FastText encoding. Figure 3: Pairwise F1-score comparison on raw vs pre-processed Dataset Our results in Table 6 and the pairwise comparison of F1-score plotted in Figure 3 demonstrated the clear benefit of pre-processing text for emotion analysis. Both BiLSTM and the majority of FastText variants gained a slight accuracy boost when pre-processing was applied. Only the E25LR0.05N1FV variant of FastText performed slightly worse after pre-processing. This is interesting as the original raw dataset was already pre-processed. Our hypothesis is that the correction and annotation of elongated words help to boost the performance of tested models. 7. Conclusion and Future Work In conclusion, while sacrificing speed that took at least 9000% longer to train and validate, BiLSTM consistently outperformed FastText up to 10% of accuracy. It is expected that the training time and processing time of BiLSTM will be significantly improved with GPU acceleration. Configuring FastText with the right setting is also important to utilize its full potential. In addition, we found that text pre-processing helped boost the performance of supervised learning models in emotion analysis. In future, we plan to further evaluate the impact of pre-processing text on the performance of supervised learning for text classification.
  • 7. E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019 E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi Page 7 Selangor, Malaysia. Organized by https://worldconferences.net References [1] Smith TW (2015). The Book of Human Emotions. Little, Brown, and Company. pp. 4–7. ISBN 9780316265409. [2] Ekman, P. (1999). Basic Emotions. Wiley. [3] Wikiversity. (2019, April 30). Plutchik's wheel of emotions. Retrieved from Wikivercity https://en.wikiversity.org/wiki/Motivation_and_emotion/Book/2014/Plutchik%27s_whe el_of_emotions [4] Baziotis, C. (2017, July 9). datastories-semeval2017-task4. Retrieved from Github: https://github.com/cbaziotis/datastories-semeval2017-task4 [5] Joulin, A. a. (2016). Bag of Tricks for Efficient Text Classification. arXiv preprint arXiv:1607.01759. [6] Bojanowski, P. a. (2016). Enriching Word Vectors with Subword Information. arXiv preprint arXiv:1607.04606 [7] Mining, C. S. (June 2017). Current State of Text Sentiment Analysis from Opinion to Emotion Mining. ACM Comput. Surv., 25:1--25:33. [8] Narendra Gupta, Mazin Gilbert, and Giuseppe Di Fabbrizio. 2013. Emotion detection in email customer care. Comput. Intell. 29, 3 (2013), 489–505. [9] Cecilia Ovesdotter Alm and Richard Sproat. 2005. Emotional sequencing and development in fairy tales. In Affective Computing and Intelligent Interaction. Springer, 668–674. [10] Jeffrey T. Hancock, Christopher Landrigan, and Courtney Silver. 2007. Expressing emotion in text-based communication. In Proceedings of the SIGCHI Conference on Human Factors in Computing Systems. ACM, 929–932. [11] Alena Neviarouskaya, Helmut Prendinger, and Mitsuru Ishizuka. 2007. Textual affect sensing for sociable and expressive online communication. In Affective Computing and Intelligent Interaction. Springer, 218–229. [12] Kai Gao, Hua Xu, and Jiushuo Wang. 2015. Emotion cause detection for Chinese micro- blogs based on ECOCC model. In Advances in Knowledge Discovery and Data Mining. Springer, 3–14. [13] Sophia Yat Mei Lee, Ying Chen, Shoushan Li, and Chu-Ren Huang. 2010. Emotion cause events: Corpus construction and analysis. In LREC [14] Scherer, K.R. and Wallbotth, G. (1994) Evidence for Universality and Cultural Variation of Differential Emotion Response Patterning. Journal of Personality and Social Psychology, 66, 310-328.
  • 8. E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE 2019 E-PROCEEDING OF THE 6TH INTERNATIONAL CONFERENCE ON ARTIFICIAL INTELLIGENCE AND COMPUTER SCIENCE (AICS 2019). (e-ISBN 978-967-xxxxx-x-x). 29 July 2019, Puri Pujangga Hotel, Bangi Page 8 Selangor, Malaysia. Organized by https://worldconferences.net [15] Husein, Z. (2018). Malaya-Dataset. GitHub repository. GitHub. Retrieved from https://github.com/huseinzol05/Malaya-Dataset [16] Dean, T. M. (2013). Efficient Estimation of Word Representations in Vector Space. Retrieved from http://arxiv.org/abs/1301.3781