ArticlePDF Available

Empirical evaluation of deep learning models for sentiment analysis

Authors:

Abstract

The availability of computing resources and generation of large scale data emanating from Artificial Intelligence, Internet of Things and social media platforms have resulted into resurgence of deep learning technology. Deep learning architectures have been successfully adopted to solve the problems arising in variety of domains such as computer vision, information retrieval, robotics, and natural language processing, etc. Due to inherent ability of deep architectures to extract hierarchical structures from complex multimedia data, they have been widely used for the tasks of classification, regression and prediction. Motivated by the same, this paper addresses the problem of identifying the subjective information from text documents and predicting the sentiments at sentence level using deep feedforward neural network with global average pooling and long short term memory model with dense layers. The experimentation details state that both models are on par and provide good accuracy on the benchmarked dataset of sentiment classification.
Full Terms & Conditions of access and use can be found at
https://www.tandfonline.com/action/journalInformation?journalCode=tsms20
Journal of Statistics and Management Systems
ISSN: 0972-0510 (Print) 2169-0014 (Online) Journal homepage: https://www.tandfonline.com/loi/tsms20
Empirical evaluation of deep learning models for
sentiment analysis
Ajeet Ram Pathak, Manjusha Pandey & Siddharth Rautaray
To cite this article: Ajeet Ram Pathak, Manjusha Pandey & Siddharth Rautaray (2019) Empirical
evaluation of deep learning models for sentiment analysis, Journal of Statistics and Management
Systems, 22:4, 741-752, DOI: 10.1080/09720510.2019.1609554
To link to this article: https://doi.org/10.1080/09720510.2019.1609554
Published online: 25 Jun 2019.
Submit your article to this journal
View Crossmark data
©
Empirical evaluation of deep learning models for sentiment analysis
Ajeet Ram Pathak *
Manjusha Pandey
Siddharth Rautaray §
School of Computer Engineering
Kalinga Institute of Industrial Technology (KIIT) University
Bhubaneswar 751024
Odisha
India
Abstract
The availability of computing resources and generation of large scale data emanating
from Artificial Intelligence, Internet of Things and social media platforms have resulted into
resurgence of deep learning technology. Deep learning architectures have been successfully
adopted to solve the problems arising in variety of domains such as computer vision,
information retrieval, robotics, and natural language processing, etc. Due to inherent ability
of deep architectures to extract hierarchical structures from complex multimedia data, they
have been widely used for the tasks of classification, regression and prediction. Motivated
by the same, this paper addresses the problem of identifying the subjective information from
text documents and predicting the sentiments at sentence level using deep feedforward
neural network with global average pooling and long short term memory model with dense
layers. The experimentation details state that both models are on par and provide good
accuracy on the benchmarked dataset of sentiment classification.
Subject Classification: (2010) 68M12
Keywords: Deep feedforward neural network, Deep learning, Long short term memory model,
Sentiment analysis, Social media analytics
1. Introduction
Sentiment analysis aims to determine the sentiments of a speaker as
“positive” or “negative” with reference to certain event or subject [5]. It
*E-mail: ajeet.pathak44@gmail.com (Corresponding author)
E-mail: manjushapandey82@gmail.com
§E-mail: sr.rgpv@gmail.com
Journal of Statistics & Management Systems
ISSN 0972-0510 (Print), ISSN 2169-0014 (Online)
Vol. 22 (2019), No. 4, pp. 741–752
DOI : 10.1080/09720510.2019.1609554
742 A. R. PATHAK, M. PANDEY AND S. RAUTARAY
is applicable in various fields. In business industries, it allows inferring
sentiments of customers about services or products, and helps to improve
the services, launch new products, etc. Public sentiments and reaction
of public towards different campaigns and schemes implemented by
Government play crucial role in decision making in the domain of
politics. The recent developments in the field of artificial intelligence (AI)
systems for recognizing and analyzing human emotions and sentiments
have been made on account of availability of large data available on
social media platforms, cheaper computing resources and emerging
deep learning capabilities incorporated with natural language processing
and computer vision. Many sectors such as Business services, Gaming
industries, Healthcare, Retail and Advertising have been adopting the
sentiment analysis and emotion recognition software leading to reach
market of $3.8 Billion by 2025 [2]. However, identifying and monitoring
the contents of social sites on the Web and filtering this information for the
sake of sentiment analysis is very challenging task due to diversity of sites,
heterogeneous opinionated data (sentiments expressed via texts, pictures,
emoticons), slangs, unstructured data, and regional languages. The data
available on social media platforms are characterized as big data due
to immense volume, the rate at which data are generated (velocity) and
heterogeneity (variety) [10]. Manually finding the relevant sites holding
the opinionated data, extracting and predicting the sentiments is infeasible
by average human personnel. Therefore, automated systems for sentiment
analysis are immensely needed. Due to practical applications of sentiment
analysis in various fields, researchers have come up with numerous models
performing analysis at multiple levels of text granularities (document-
level, phrase-level, sentence-level, aspect-level).
Existing research has focused on applying supervised and
unsupervised techniques for sentiment analysis. Early research papers
used supervised methods based on Support Vector Machines (SVM), Naïve
Bayes, Maximum Entropy, etc. On the other hand, techniques based on
sentiment lexicons, syntactic analysis, etc have been used as unsupervised
methods.
The past decade witnessed proliferation of deep learning as powerful
technique in various application domains such as computer vision,
speech recognition, natural language processing. Motivated by the same,
this paper aims to address the problem of sentence-level sentiment
classification by performing experiments using two deep architectures viz.
deep feedforward neural network with global average pooling and long
short term memory (LSTM) model on the benchmarked dataset. Based on
DEEP LEARNING MODELS FOR SENTIMENT ANALYSIS 743
the results obtained, it is observed that both the models work on par and
significant results have been achieved on the benchmarked dataset.
2. Related work
The problem of sentiment analysis from social media data has
greatly spurred the interest of research community since past 2 decades.
Considering the scope of the paper, deep learning approaches for sentiment
analysis has been discussed here. Motivated by the success of deep learning
in the domain of computer vision [9, 11-13], deep architectures have also
been adopted for natural language processing tasks [20-23].
To get the benefit of linguistic resources for sentiment classification,
[14] proposed to model negation, sentiment and intensity words using
linguistic-driven regularized sequence of LSTM network. This sequence
model regularizes the difference between sentiment distribution of
current location and that of forward or backward locations. By modeling
linguistic resources, this model works independent of parsing structures
and phrase-level annotations.
For improving the accuracy of sentiment analysis for Arabic data,
ensemble model encompassing convolution neural network (CNN) and
LSTM has been put forth in [3]. In this model, soft voting scheme is used
in which predicted class probability for data is averaged across both CNN
and LSTM model and the class having highest average is chosen to be final
prediction of the ensemble model. [4] applied LSTM network with Global
Vectors for Word Representation (GloVe) model for sentiment analysis on
SemEval-2017 dataset and predicted the sentiments based on a five-point
ordinal scale having the classes as strongly negative, negative, neutral,
positive, strongly positive.
The performance of conventional recurrent neural network (RNN)
and LSTM on the accuracy of sentiment classification has been compared
in [6]. Based on the results, it is claimed that LSTM works better than
RNN. For sentiment analysis of Hindi reviews, [15] proposed a deep
learning model based on CNN. They experimented with different settings
of CNN parameters by varying input size, regularization technique,
output dimension, dropout rate, epochs, activation function, etc to get
the optimal results. Rezaeinia et al. [16] proposed improved word vector
model designed using combination of lexicon based approach, parts-of-
speech tagging approach, word position technique and word2vec/ GloVe
method. For learning sentiment-specific word embeddings, [19] described
a method of integrating sentiment information of texts. How to develop
744 A. R. PATHAK, M. PANDEY AND S. RAUTARAY
neural network models to deal with fine-grained sentiment analysis has
also been presented.
Some research papers have taken into account the influence of
factors such as quality of data, structural information, domain specific
factors, user behaviors while performing the task of sentiment analysis to
get improved results. Li et al. [7] assessed the effect of textual quality of
reviews based on review length, readability and level of word count on
the performance of sentiment analysis task by experimenting over movie
review dataset using 3 deep learning models – simple RNN, LSTM and
CNN. They claimed that datasets having short length and high readability
gives more accuracy compared to the datasets with longer length and low
readability. On the similar lines, CNN based approach proposed in [1]
also incorporates the information of user behavior (personality traits and
social activities) for the task of sentiment analysis. Semi-supervised RNN
based model proposed in [17] performs sentiment analysis by utilizing
structural information among reviews at different levels of granularity
such as words, phrases and sentences. For the sake of forecasting the
sentiments in the domain of financial sentiment analysis, [18] proposed
RNN based approach which takes word vectors as input obtained from
GloVe method. Their proposed model takes into account the effect of
market trends, propensity, etc for sentiment forecasting.
3. Methodology
For sentence-level sentiment classification, we used 2 models based
on deep architecture viz. Deep feedforward neural network model with
global average pooling and LSTM model with dense layers. Initially,
preprocessing of input reviews is performed. As a first step, punctuation
marks are removed and words are converted into lower case. Then
tokenization is performed and word index dictionary is created for all the
words in a review so that each review can be represented as an ordered
sequence of integers. In order to provide an input to LSTM, all reviews
should have same length. Therefore, padding is applied to maintain the
fixed length of each review. Labels are encoded as ‘1’ for positive review
while ‘0’ for negative review. Figure 1 shows the configuration of deep
feedforward neural network model with global average pooling. The
model has 1 embedding layer, global average pooling layer and 6 dense
layers. Fixed length reviews are converted into embedded vectors using
embedding layer. After embedding layer, global average pooling is
applied [8] as shown in figure 2. Global average pooling acts as a structural
DEEP LEARNING MODELS FOR SENTIMENT ANALYSIS 745
Figure 1
Deep feedforward neural network model with global average pooling
Figure 2
Global average pooling
746 A. R. PATHAK, M. PANDEY AND S. RAUTARAY
regularizer and prevents overf itting. It establishes correspondence between
feature maps and the confidence maps of categories, and generates one
feature map for each corresponding category.
Dense layers except last one use rectifier linear unit (ReLU) as
activation function. The equation of ReLU activation function is given as
( ) max( 0, ) (1)fx x=
where x is the input to neuron. It is a non-linear activation function in
which if input is greater than 0, then output equals the input.
As the final output is the prediction stating whether the review is
positive or negative, output layer has single unit which uses sigmoid
activation function. Its equation is given as
1
(2)
1
() x
xe
σ
=+
where x is the input to neuron. This function squashes real-valued inputs
to the range [0, 1].
Figure 3 shows the configuration of LSTM model with dense layers.
LSTM model is good at handling long-term dependencies in sentences.
Such models process the data with the help of gate vectors and have ability
to control passing of information along the sequence. Inputs for LSTM can
be given as xt , ht –1, ct – 1.
For time t, entries in LSTM can be given as
1
1
1
1
1(7)
( ) (3)
( ) (4)
( ) (5)
( ) (6)
( ) (8)
t xi t hi t i
t xf t hf t f
t xo t ho t o
t xc t hc t c
t tt t t
tt t
i Wx Wh b
f Wx Wh b
o Wx Wh b
g Wx Wh b
c fc ig
ho c
σ
σ
σ
φ
φ
= ++
= ++
= ++
= ++
= +
=

where it is the input gate, ft is the forget gate, ct is the memory cell unit, qt is
the output gate, ht ŒRN, ft ŒRN, it ŒRN, zt ŒRN, ct ŒRN and qt ŒRN.
()
( ) (9)
()
xx
xx
ee
xee
φ
+
=+
is the hyperbolic tangent function which squashes its inputs to the range
[–1, 1].
Integers obtained by encoding the fixed length reviews are converted
into embedded vectors and passed to LSTM layers recursively, followed
DEEP LEARNING MODELS FOR SENTIMENT ANALYSIS 747
Figure 3
Long short term memory model with dense layers
Figure 4
Sentiment analysis using LSTM model
by dense layers. The output layer predicts the sentiment associated with
sentences using sigmoid activation function as mentioned in equation (2).
Figure 4 depicts the workflow of modules in LSTM based deep architecture
for sentiment analysis.
4. Experimentation details and results
The models have been evaluated on IMDb Movie Review dataset
which is standard benchmarked dataset for sentiment classification. This
dataset contains 50,000 reviews which are evenly split into 25,000 training
748 A. R. PATHAK, M. PANDEY AND S. RAUTARAY
and 25,000 testing sets. The experimentation is performed on Google
Compute Engine and implementation is done using Python, TensorFlow
environment with Keras API. We trained both models – deep feedforward
neural network with global average pooling and LSTM model with dense
layers using loss function L of binary cross-entropy and Adam optimizer.
The loss function L is given in equation (10).
1
1
[ log( ) (1 )log(1 )] ( )
ˆˆ
10
N
ii i i
i
L yy y y
N
=
= +− −
where yi denotes actual label (‘1’ for positive sentiment and ‘0’ for negative
sentiment),
ˆ
i
y
denotes predicted label, and N denotes number of samples.
For both models, we set the maximum word size to 256, number of
epochs to 10 and batch size to 512. Initially, we tested both models on
sample reviews. Table 1 shows the prediction scores obtained by deep
feedforward neural network and LSTM model with dense layers. Out of 7
reviews, review numbers 2 and 3 are positive reviews, and remaining are
negative reviews. Based on the probability scores, both deep feedforward
neural network and LSTM model correctly predicted the labels for all the
7 reviews. We trained and tested the deep forward neural network for in-
domain sentiment analysis on IMDb dataset. The percentage of validation
accuracy and loss for this model are 88% and 30% as depicted in figures
5 and 6 respectively. To check the effectiveness of LSTM model for cross-
domain sentiment analysis, we trained LSTM model on IMDb dataset and
tested it on Restaurants reviews dataset. For LSTM model, percentage
accuracy of 78% and loss of 29% have been achieved as shown in figures 7
and 8 respectively. As LSTM model has been tested on dataset other than
that it was trained on, there is difference between accuracies of both deep
feedforward neural network and LSTM model.
5. Conclusion
Sentiment analysis involves identifying and extracting the subjective
information automatically and predicting the sentiment of the given
subject represented in text documents. In this paper, we experimented
with two models based on deep architectures for performing sentiment
analysis.
Based on the results, it can be observed that both models achieved
significant accuracy on par for sentiment classification of reviews from
IMDb dataset. We also achieved an accuracy of 78% using LSTM model
for cross-domain sentiment analysis. As a future work, we aim to design
DEEP LEARNING MODELS FOR SENTIMENT ANALYSIS 749
Table 1
Prediction Scores by the deep architectures
Review
Number
Prediction
score
Predicted
label
Prediction
score
Predicted
label Actual
label
Deep feedforward neural
network
LSTM model with dense
layers
1 0.24896 0 0.34446 0 0
2 0.59615 1 0.55112 1 1
3 0.79539 1 0.69589 11
4 0.33660 0 0.43456 0 0
5 0.38660 0 0.48632 0 0
6 0.48448 0 0.46579 0 0
7 0.38755 0 0.42122 0 0
Figure 5
Validation accuracy per epoch for deep feedforward neural network with
global average pooling
Figure 6
Validation loss per epoch for deep feedforward neural network with global
average pooling
750 A. R. PATHAK, M. PANDEY AND S. RAUTARAY
Figure 7
Validation accuracy per epoch for LSTM model with dense layers
Figure 8
Validation loss per epoch for LSTM model with dense layers
ensemble deep learning model for sentiment prediction over large scale
data.
References
[1] Alharbi, A. S. M., & de Doncker, E. Twitter sentiment analysis with a
deep neural network: An enhanced approach using user behavioral
information. Cognitive Systems Research, 54, 50–61 (2019).
DEEP LEARNING MODELS FOR SENTIMENT ANALYSIS 751
[2] Emotion Recognition and Sentiment Analysis Market, https://www.
tractica.com/newsroom/press-releases/emotion-recognition-and-
sentiment-analysis-market-to-reach-3-8-billion-by-2025/
[3] Heikal, M., Torki, M., & El-Makky, N. Sentiment Analysis of Arabic
Tweets using Deep Learning. Procedia Computer Science, 142, 114–
122 (2018).
[4] Karpov, N., Lyashuk, A., & Vizgunov, A. Sentiment Analysis Using
Deep Learning. In International Conference on Network Analysis
(pp. 281–288) (2016).
[5] B. Agarwal, N. Mittal, “Semantic Feature Clustering for Sentiment
Analysis of English Reviews”, In IETE Journal of Research, Vol: 60 (6),
pages 414-422, (2014).
[6] Li, D., & Qian, J. Text sentiment analysis based on long short-term
memory. In Computer Communication and the Internet (ICCCI),
2016 IEEE International Conference on (pp. 471–475) (2016).
[7] Li, L., Goh, T. -T., & Jin, D. How textual quality of online reviews
affect classification performance: a case of deep learning sentiment
analysis. Neural Computing and Applications, 1–29 (2018).
[8] Lin, M., Chen, Q., & Yan, S. Network in network. arXiv Preprint arX-
iv:1312.4400 (2013).
[9] Pathak, A. R., Pandey, M., & Rautaray, S. Application of Deep Learn-
ing for Object Detection. Procedia Computer Science, 132, 1706–1717.
(2018).
[10] Pathak, A. R., Pandey, M., & Rautaray, S. Construing the big data
based on taxonomy, analytics and approaches. Iran Journal of Com-
puter Science, 1(4), 237–259 (2018).
[11] Pathak, A. R., Pandey, M., & Rautaray, S. Deep Learning Approaches
for Detecting Objects from Images: A Review. In P. K. Pattnaik, S. S.
Rautaray, H. Das, & J. Nayak (Eds.), Progress in Computing, Ana-
lytics and Networking (pp. 491–499). Singapore: Springer Singapore
(2018).
[12] Pathak, A. R., Pandey, M., Rautaray, S., & Pawar, K. Assessment of
Object Detection Using Deep Convolutional Neural Networks. In S.
Bhalla, V. Bhateja, A. A. Chandavale, A. S. Hiwale, & S. C. Satapathy
(Eds.), Intelligent Computing and Information and Communication
(pp. 457–466). Singapore: Springer Singapore (2018).
752 A. R. PATHAK, M. PANDEY AND S. RAUTARAY
[13] Pawar, K., & Attar, V. Deep learning approaches for video-based
anomalous activity detection. World Wide Web. https://doi.
org/10.1007/s11280-018-0582-1 (2018).
[14] Q. Qian, M. Huang, J. Lei, and X. Zhu, “Linguistically Regularized
LSTM for Sentiment Classification,” in Proceedings of the 55th An-
nual Meeting of the Association for Computational Linguistics, pp.
1679–1689 (2017).
[15] Rani, S., & Kumar, P. Deep Learning Based Sentiment Analysis Using
Convolution Neural Network. Arabian Journal for Science and Engineer-
ing, 1–10 (2018).
[16] Rezaeinia, S. M., Rahmani, R., Ghodsi, A., & Veisi, H. Sentiment
analysis based on improved pre-trained word embeddings. Expert
Systems with Applications, 117, 139–147 (2019).
[17] Rong, W., Peng, B., Ouyang, Y., Li, C., & Xiong, Z. Structural informa-
tion aware deep semi-supervised recurrent neural network for senti-
ment analysis. Frontiers of Computer Science, 9(2), 171–184 (2015).
[18] Souma, W., Vodenska, I., & Aoyama, H. Enhanced news sentiment
analysis using deep learning methods. Journal of Computational Social
Science, 1–14 (2019).
[19] Tang, D., & Zhang, M. Deep Learning in Sentiment Analysis. In Deep
Learning in Natural Language Processing (pp. 219–253). Springer
(2018).
[20] G. Jain, M. Sharma, B. Agarwal, “Spam Detection in Social Media us-
ing Convolutional and Long Short Term Memory Neural Network”,
In Annals of Mathematics and Artificial Intelligence, 85(1), pp 21–44,
(2019).
[21] B. Agarwal, H. Ramampiaro, H. Langseth, M. Ruocco, “A Deep Net-
work Model for Paraphrase Detection in Short Text Messages”, In In-
formation Processing and Management, 54 (6), pp:922-937, (2018).
[22] S. Ram, S. Gupta, B. Agarwal, “Devanagri Character Recognition
Model Using Deep Convolution Neural Network”, In Journal of Statis-
tics and Management Systems, 21 (4), pages: 593–599, (2018).
[23] Shikhar Seth, Basant Agarwal, “Diabetic detection using Convolutio-
nal Neural Network”, In Journal of Statistics and Management Systems,
21 (4), pages: 569–574 2018
... Paper [19] addresses the problem of sentence-level sentiment classification on IMDB dataset and Restaurant reviews dataset. Two deep learning models are used: The Deep feedforward Neural Network model with global average pooling and LSTM model with dense layers. ...
... Zhu, L., et al. [8] Kale, M., et al. [9] Abbas, S.S.I. [11] Sohangir, S., et al. [12] Naderalvojoud, B., et al. [14] Imran, AS., et al. [15] Kratzwald, B., et a!. [17] Ghorbani, M., et al. [18] Pathak, AR, et al. [19] <;:ano, E. and M. ...
Conference Paper
Full-text available
Sentiments are the emotions or opinions of an individual encapsulated within texts or images. These emotions play a vital role in the decision-making process for a business. A cloud service provider and consumer are bound together in a Service Level Agreement (SLA) in a cloud environment. SLA defines all the rules and regulations for both parties to maintain a good relationship. For a long-lasting and sustainable relationship, it is vital to mine consumers' sentiment to get insight into the business. Sentiment Analysis or Opinion Mining refers to the process of extracting or predicting different point of views from a text or image to conclude. Various techniques, including Machine Learning and Deep Learning, strives to achieve results with high accuracy. However, most of the existing studies could not unveil hidden parameters in text analysis for optimal decision-making. This work discusses the application of sentiment analysis in the cloud-computing paradigm. The paper provides a comparative study of various textual sentiment analysis using different deep learning approaches and their importance in cloud computing. The paper further compares existing approaches to identify and highlight gaps in them.
... It is beneficial for individuals and organizations to analyze sentiment, especially given this immense production of data [5]. However, as noted in [6], the identification, continuous monitoring, and filtering of the information present on social media appli-cations to analyze sentiment are challenging. Some of the factors are the presence of unstructured data, differences in languages, diversity of websites and social media platforms, and heterogeneous data about the opinions of individuals. ...
Article
As data grow rapidly on social media by users’ contributions, specially with the recent coronavirus pandemic, the need to acquire knowledge of their behaviors is in high demand. The opinions behind posts on the pandemic are the scope of the tested dataset in this study. Finding the most suitable classification algorithms for this kind of data is challenging. Within this context, models of deep learning for sentiment analysis can introduce detailed representation capabilities and enhanced performance compared to existing feature-based techniques. In this paper, we focus on enhancing the performance of sentiment classification using a customized deep learning model with an advanced word embedding technique and create a long short-term memory (LSTM) network. Furthermore, we propose an ensemble model that combines our baseline classifier with other state-of-the-art classifiers used for sentiment analysis. The contributions of this paper are twofold. (1) We establish a robust framework based on word embedding and an LSTM network that learns the contextual relations among words and understands unseen or rare words in relatively emerging situations such as the coronavirus pandemic by recognizing suffixes and prefixes from training data. (2) We capture and utilize the significant differences in state-of-the-art methods by proposing a hybrid ensemble model for sentiment analysis. We conduct several experiments using our own Twitter coronavirus hashtag dataset as well as public review datasets from Amazon and Yelp. For concluding results, a statistical study is carried out indicating that the performance of these proposed models surpasses other models in terms of classification accuracy.
... Topic detection can be leveraged to understand the aspects/ topics being discussed on social media platforms after launching of some political campaign, government decision or some worldwide event. The topics can also be extracted at sentence level and the extracted topics may be assumed as aspects being discussed in a sentence and then sentiment analysis can be performed (Pathak et al., 2019c(Pathak et al., , 2019d. In recommendation systems, prediction model can be used to recommend new products, services based on the current items in the shopping cart. ...
Article
Detecting and predicting trending topics from steaming social data has always been the point of active research area in business and research firms to take quick decisions, change marketing strategies and set new goals. Topic modelling is one of the excellent methods to analyse the contents from large collection of documents in an unsupervised manner and it is a popular method used in natural language processing, information retrieval, text processing and many other research domains. In this paper, deep learning-based topic modelling technique has been proposed to detect and predict the trending topics from streaming data. The online version of latent semantic analysis with regularisation constraints has been designed using long short-term memory network. Specifically, a problem of detecting the topics from streaming media is handled as the minimisation of quadratic loss function constrained by ℓ1 and ℓ2 regularisation. The online learning mechanism supports scalable topic modelling. For topic prediction, sequence-to-sequence long short-term memory network has been designed. Experimentally, significant results have been achieved in terms of query retrieval performance and topic relevance metrics for topic detection on our published dataset. For topic prediction, the results obtained in terms of root mean squared error are also significant.
... Moving over these LSTMs, sentence-level representation and sequence of sentiment in word-level is obtained which is used for sentiment classification. In [107], sentence-level sentiment prediction is demonstrated which targets the challenges of finding information from text associated with subjectivity. The two models are used to do the comparative analysis i.e. ...
Article
Full-text available
Social networking platforms have witnessed tremendous growth of textual, visual, audio, and mix-mode contents for expressing the views or opinions. Henceforth, Sentiment Analysis (SA) and Emotion Detection (ED) of various social networking posts, blogs, and conversation are very useful and informative for mining the right opinions on different issues, entities, or aspects. The various statistical and probabilistic models based on lexical and machine learning approaches have been employed for these tasks. The emphasis was given to the improvement in the contemporary tools, techniques, models, and approaches, are reflected in majority of the literature. With the recent developments in deep neural networks, various deep learning models are being heavily experimented for the accuracy enhancement in the aforementioned tasks. Recurrent Neural Network (RNN) and its architectural variants such as Long Short Term Memory (LSTM) and Gated Recurrent Unit (GRU) comprise an important category of deep neural networks, basically adapted for features extraction in the temporal and sequential inputs. Input to SA and related tasks may be visual, textual, audio, or any combination of these, consisting of an inherent sequentially, we critically investigate the role of sequential deep neural networks in sentiment analysis of multimodal data. Specifically, we present an extensive review over the applicability, challenges, issues, and approaches for textual, visual, and multimodal SA using RNN and its architectural variants.
... Pallavi et.al [2], proposed a POS tagger for Kannada with 1000 words, trained the CRF model and obtained average accuracy of 55% using 10 fold cross validation technique. The Authors [3], have also implemented Deep learning technique, but on sentiment analysis to predict the sentiments at sentence level. They obtained good results on the benchmarked dataset. ...
Article
Full-text available
Computational Linguistics is one of the interesting topics in the research field of Computer Science. This paper presents training for Part of Speech (POS) tagging on Kannada words using two techniques. First approach is supervised machine learning technique CRF++0.50 (Conditional Random Field). The second approach is a combination of word embedding and deep learning techniques. The total dataset used for this implementation is 1200 tagged Kannada sentences downloaded from Technology Development for Indian Languages (TDIL). We divided the dataset into 1100 sentences (13,600 words) as training data and 100 sentences (1053 words) as test data. The BIS (Bureau of Indian Standards) tagset is used in this work in which 27 major POS tags have been considered. An accuracy obtained through CRF++0.50 tool is 76% and that with deep learning technique is 71%. The precision, recall and f-score of each tag using both the techniques are considerable.
... Deep learning has emanated as a powerful technique to solve multitude of problems in the domains of computer vision [4][5][6][7][8], topic modeling [9][10][11], natural language processing [12][13][14], speech recognition [15], social media analytics [16][17][18], etc. Inspired by the same, applying deep learning-based sentiment analysis achieved great popularity in the recent lustrum. This book chapter sheds light upon the progress made in deep learning-based sentiment analysis by giving an overview of deep learning-based sentiment analysis models. ...
Thesis
Full-text available
The selection of a viable Cloud Service Provider (CSP) has always been a crucial task for a Cloud Service Consumer (CSC) to avail of their offered services. This selection would enable a service consumer to maintain a trustful relationship with a provider. For that purpose, consumer reviews posted on internet websites and other social media platforms need to be carefully evaluated for a proper CSP selection. Sentiment Analysis, also termed Opinion Mining, is the computational treatment of text’s views, experiences, sentiments, and subjectivity. Aspect-Based Sentiment Analysis (ABSA) extracts informative aspects within the text and uses them to classify the sentiment of reviews. Nowadays, different lexicon-based, supervised learning, and un-supervised learning techniques are used for sentiment classification tasks. Deep Learning is an AI technique used for language processing, text analysis, pattern recognition, sequence prediction tasks, etc. Its types, such as Recurrent Neural Network (RNN), Long Short-Term Memory (LSTM) and Gated Recurrent Unit (GRU), use different strategies to carry out processing. The dissertation performs Aspect-Based Sentiment Analysis of cloud consumer reviews using Deep Learning approaches of RNN, LSTM and GRU. The cloud reviews are extracted using Harvesting-as-a-Service (HaaS) framework. Analytic Hierarchy Process (AHP) model is used to decide the importance and priorities of aspects for Cloud Service Consumers (CSCs). The evaluation would assist cloud service consumers (CSCs) choose the best CSP ideal for their requirements.
Article
Full-text available
We explore the predictive power of historical news sentiments based on financial market performance to forecast financial news sentiments. We define news sentiments based on stock price returns averaged over one minute right after a news article has been released. If the stock price exhibits positive (negative) return, we classify the news article released just prior to the observed stock return as positive (negative). We use Wikipedia and Gigaword five corpus articles from 2014 and we apply the global vectors for word representation method to this corpus to create word vectors to use as inputs into the deep learning TensorFlow network. We analyze high-frequency (intraday) Thompson Reuters News Archive as well as the high-frequency price tick history of the Dow Jones Industrial Average (DJIA 30) Index individual stocks for the period between 1/1/2003 and 12/30/2013. We apply a combination of deep learning methodologies of recurrent neural network with long short-term memory units to train the Thompson Reuters News Archive Data from 2003 to 2012, and we test the forecasting power of our method on 2013 News Archive data. We find that the forecasting accuracy of our methodology improves when we switch from random selection of positive and negative news to selecting the news with highest positive scores as positive news and news with highest negative scores as negative news to create our training data set.
Article
Full-text available
As the use of the Internet is increasing, people are connected virtually using social media platforms such as text messages, Facebook, Twitter, etc. This has led to increase in the spread of unsolicited messages known as spam which is used for marketing, collecting personal information, or just to offend the people. Therefore, it is crucial to have a strong spam detection architecture that could prevent these types of messages. Spam detection in noisy platform such as Twitter is still a problem due to short text and high variability in the language used in social media. In this paper, we propose a novel deep learning architecture based on Convolutional Neural Network (CNN) and Long Short Term Neural Network (LSTM). The model is supported by introducing the semantic information in representation of the words with the help of knowledge-bases such as WordNet and ConceptNet. Use of these knowledge-bases improves the performance by providing better semantic vector representation of testing words which earlier were having random value due to not seen in the training. Proposed Experimental results on two benchmark datasets show the effectiveness of the proposed approach with respect to the accuracy and F1-score.
Article
Full-text available
Sentiment analysis is the computational study of people’s opinions, attitudes and emotions toward entities, individuals, issues, events or topics. A lot of research has been done to improve the accuracy of sentiment analysis, varying from simple linear models to more complex deep neural network models. Recently, deep learning has shown great success in the field of sentiment analysis and is considered as the state-of-the-art model in various languages. However, the state-of-the-art accuracy for Arabic sentiment analysis still needs improvements. The Arabic language imposes many challenges, due to its complex structure, various dialects, in addition to the lack of its resources. Although the recent deep learning model has improved the accuracy of the Arabic sentiment analysis, there is still more room for improvement. This encouraged us to explore different deep learning models that have not been applied to Arabic data, in order to improve the Arabic sentiment analysis accuracy. In this paper, we used an ensemble model, combining Convolutional Neural Network (CNN) and Long Short-Term Memory (LSTM) models, to predict the sentiment of Arabic tweets. Our model achieves an F1-score of 64.46%, which outperforms the state-of-the-art deep learning model’s F1-score of 53.6%, on the Arabic Sentiment Tweets Dataset (ASTD).
Article
Full-text available
Cognitive computing is an interdisciplinary research field that simulates human thought processes in a computerized model. One application for cognitive computing is sentiment analysis on online reviews, which reflects opinions and attitudes toward products and services experienced by consumers. A high level of classification performance facilitates decision making for both consumers and firms. However, while much effort has been made to propose advanced classification algorithms to improve the performance, the importance of the textual quality of the data has been ignored. This research explores the impact of two influential textual features, namely the word count and review readability, on the performance of sentiment classification. We apply three representative deep learning techniques, namely SRN, LSTM, and CNN, to sentiment analysis tasks on a benchmark movie reviews dataset. Multiple regression models are further employed for statistical analysis. Our findings show that the dataset with reviews having a short length and high readability could achieve the best performance compared with any other combinations of the levels of word count and readability and that controlling the review length is more effective for garnering a higher level of accuracy than increasing the readability. Based on these findings, a practical application, i.e., a text evaluator or a website plug-in for text evaluation, can be developed to provide a service of review editorials and quality control for crowd-sourced review websites. These findings greatly contribute to generating more valuable reviews with high textual quality to better serve sentiment analysis and decision making.
Article
Full-text available
Big data have become an important asset due to its immense power hidden in analytics. Every organization is inundated with colossal amount of data generated with high speed, requiring high-performance resources for storage and processing, special skills and technologies to get value out of it. Sources of big data may be either internal or external to organization, and big data may reside in structured, semi-structured or unstructured form. Artificial intelligence, Internet of Things, and social media are contributing to the growth of big data. Analytics is the use of statistics, maths, and machine learning to derive meaningful insights from data to make timely decisions and enable data-driven organization of the future. This paper sheds light upon big data, taxonomy of data, and hierarchical journey of data from its original form to the high level understanding in terms of wisdom. The paper also focuses on key characteristics of big data and challenges of handling big data. In addition, big data storage systems have also been briefly covered to get the idea on how storage systems help to accommodate the requirements of big data. This paper scrupulously articulates the eras of evolution of analytics varying from descriptive, predictive and prescriptive analytics. Process models used for inferring information from data have been compared and their applicability for analyzing big data has also been sought. Finally, recent developments carried in the domain of big data and analytics are compared based on the state-of-the-art approaches.
Chapter
Full-text available
The study was aimed to analyze advantages of the Deep Learning methods over other baseline machine learning methods using sentiment analysis task in Twitter. All the techniques were evaluated using a set of English tweets with classification on a five-point ordinal scale provided by SemEval-2017 organizers. For the implementation, we used two open-source Python libraries. The results and conclusions of the study are discussed.
Article
Sentiment analysis on social media such as Twitter has become a very important and challenging task. Due to the characteristics of such data—tweet length, spelling errors, abbreviations, and special characters—the sentiment analysis task in such an environment requires a non-traditional approach. Moreover, social media sentiment analysis is a fundamental problem with many interesting applications. Most current social media sentiment classification methods judge the sentiment polarity primarily according to textual content and neglect other information on these platforms. In this paper, we propose a neural network model that also incorporates user behavioral information within a given document (tweet). The neural network used in this paper is a Convolutional Neural Network (CNN). The system is evaluated on two datasets provided by the SemEval-2016 Workshop. The proposed model outperforms current baseline models (including Naive Bayes and Support Vector Machines), which shows that going beyond the content of a document (tweet) is beneficial in sentiment classification, because it provides the classifier with a deep understanding of the task.
Article
Sentiment analysis is a fast growing area of research in natural language processing (NLP) and text classifications. This technique has become an essential part of a wide range of applications including politics, business, advertising and marketing. There are various techniques for sentiment analysis, but recently word embeddings methods have been widely used in sentiment classification tasks. Word2Vec and GloVe are currently among the most accurate and usable word embedding methods which can convert words into meaningful vectors. However, these methods ignore sentiment information of texts and need a large corpus of texts for training and generating exact vectors. As a result, because of the small size of some corpora, researcher often have to use pre-trained word embeddings which were trained on other large text corpora such as Google News with about 100 billion words. The increasing accuracy of pre-trained word embeddings has a great impact on sentiment analysis research. In this paper, we propose a novel method, Improved Word Vectors (IWV), which increases the accuracy of pre-trained word embeddings in sentiment analysis. Our method is based on Part-of-Speech (POS) tagging techniques, lexicon-based approaches, word position algorithm and Word2Vec/GloVe methods. We tested the accuracy of our method via different deep learning models and benchmark sentiment datasets. Our experiment results show that Improved Word Vectors (IWV) are very effective for sentiment analysis.
Article
Sentiment analysis (SA) of natural language text is an important and challenging task for many applications of Natural Language Processing. Till now, researchers have used different types of SA techniques such as lexicon based and machine learning to perform SA for different languages such as English, Chinese. Inspired by the gain in popularity of deep learning models, we conducted experiments using different configuration settings of convolutional neural network (CNN) and performed SA of Hindi movie reviews collected from online newspapers and Web sites. The dataset has been manually annotated by three native speakers of Hindi to prepare it for training of the model. The experiments are conducted using different numbers of convolution layers with varying number and size of filters. The CNN models are trained on 50% of the dataset and tested on remaining 50% of the dataset. For the movie reviews dataset, the results given by our CNN model are compared with traditional ML algorithms and state-of-the-art results. It has been observed that our model is able to achieve better performance than traditional ML approaches and it has achieved an accuracy of 95%.
Article
Diabetes affects large number of people all over the world and is a very common disease in India. People having diabetes are very likely to be affected by diabetic retinopathy which causes blindness. Diagnosis of this disease at an early stage can help in completely eliminating it and hence preserve the person’s vision. In this paper, we propose a hybrid deep learning based approach for detection of diabetic retinopathy in fundus photographs. We use convolutional neural network with linear support vector machine to train the network on standard benchmark dataset EyePACS dataset. Experimental results show high sensitivity and specificity achieved in detecting diabetic retinopathy by our proposed model.