Next Article in Journal
An Improved Reversible Image Transformation Using K-Means Clustering and Block Patching
Previous Article in Journal / Special Issue
Semantic Distance Spreading Across Entities in Linked Open Data
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Comparing Supervised Machine Learning Strategies and Linguistic Features to Search for Very Negative Opinions

Centro Singular de Investigación en Tecnoloxías da Información (CITIUS), Universidad de Santiago de Compostela, Rua de Jenaro de la Fuente Domínguez, 15782 Santiago de Compostela, Spain
*
Author to whom correspondence should be addressed.
Information 2019, 10(1), 16; https://doi.org/10.3390/info10010016
Submission received: 16 November 2018 / Revised: 14 December 2018 / Accepted: 24 December 2018 / Published: 4 January 2019
(This article belongs to the Special Issue Knowledge Engineering and Semantic Web)

Abstract

:
In this paper, we examine the performance of several classifiers in the process of searching for very negative opinions. More precisely, we do an empirical study that analyzes the influence of three types of linguistic features (n-grams, word embeddings, and polarity lexicons) and their combinations when they are used to feed different supervised machine learning classifiers: Naive Bayes (NB), Decision Tree (DT), and Support Vector Machine (SVM). The experiments we have carried out show that SVM clearly outperforms NB and DT in all datasets by taking into account all features individually as well as their combinations.

1. Introduction

The era of mass information is the most prominent feature of this century. The world has been transformed into a small village interconnected with the increase of social networking sites where it is possible that anyone anywhere on the planet can sell, buy or express their opinions. The enormous amount of information on the Internet has become an important source of data for different pieces of work and studies, as it offers the opportunity to extract information and organize it according to particular needs.
From the massive use of the Internet and social media in different aspects of life, social media has begun to play a crucial role in guiding people’s trends in a multitude of fields: religious, political, social and economic—all this through the opinions expressed by individuals.
Sentiment Analysis also called Opinion Mining is defined as the field of study that analyzes people’s opinions, sentiments, evaluations, attitudes, and emotions from written language. It is one of the most active research areas in Natural Language Processing (NLP) and is also widely studied in data mining, Web mining, and text mining [1].
Sentiment analysis typically works at four different levels of granularity, namely document level, sentence level, aspect level, and concept level. Most early studies in Sentiment Analysis [2,3] put their focus at a document level and relied on datasets such as movie and product reviews. After Internet use becoming widespread and the e-commerce boom, different types of datasets have been collected from websites about customer opinions. The review document often expresses opinions on a single product or service and was written by a single reviewer.
According to Pang et al. [4], between 73% and 87% readers of online reviews such as hotels, restaurants, or travel agencies state that reviews have a significant influence on their purchase.
The fundamental task in Opinion Mining is the classification of polarity [4,5,6], which consists of classifying a text by means of a predefined set of polarity categories: for example, positive, neutral, negative. Reviews such as “thumbs up” versus “thumbs down”, or “like” versus “dislike” are examples of bipolar polarity classification between two equally probable classes. However, it is possible to make other types of classifications. For example, a more unusual way of conducting sentimental analysis is to detect and classify opinions that represent the most negative opinions on a subject, object, or individual. We call them extreme opinions.
The most negative opinion is the worst view, judgment, or appraisal formed in one’s mind about a particular matter. People always want to know the worst aspects of goods, services, places, etc. so that they can avoid them or fix them. Very negative opinions have a strong impact on product sales, as they have a great influence on customers’ decisions before buying. Previous studies analyzed this correlation, such as the experiments described in [7], which show that as the proportion of negative online consumer feedback increases, so do the negative attitudes of consumers in general. Similar effects have also been seen in consumer reviews: single-star reviews hurt book sales on Amazon.com [8] enormously. It should also be borne in mind that the impact of one-star reviews, which represent the most negative opinions, is greater than the impact of five-star reviews (the most positive ones) on this trade sector.
The main objective of this article is to examine the effectiveness and limitations of different linguistic features and supervised sentiment classifiers to identify the most negative opinions in four domains’ reviews. It is an expanded version of a conference paper presented at KESW 2017 [9]. Our main contribution is to report on a broad set of experiments aimed at evaluating the effectiveness of different linguistic features in a supervised classification task. In addition, we also compare some supervised classifiers, namely Support Vector Machine (SVM), Naive Bayes (NB), and Decision Tree (DT), for a binary classification task consisting of searching for very negative vs. not very negative opinions.
The rest of the paper is organized as follows. In the following Section 2, we discuss the related work. Then, Section 3 describes the method. Experiments are introduced in Section 4, where we also describe the evaluation and discuss the results. We draw the conclusions and future work in Section 5.

2. Related Work

In related work, we find two main approaches to search for the polarity of sentiments at the document level. First, machine learning techniques based on training corpora annotated with polarity information and, second, strategies based on polarity lexicons.
In machine learning, there are two main methods, unsupervised and supervised learning, even though only the later strategy is used by most existing techniques for document-level sentiment classification. Supervised learning approaches use labeled training documents based on automatic text classification. A labeled training set with a pre-defined categories is required. A classification model is built to predict the document class on the basis of pre-defined categories. The success of supervised learning mainly depends on the choice and extraction of the proper set of features used to identify sentiments. There are many types of classifiers for sentiment classification using supervised learning algorithms:
  • Probabilistic classifiers such as Naive Bayes (NB), Bayesian networks and Maximum Entropy (ME).
  • Decision tree classifiers, which build a hierarchical tree-like structure with true/false queries based on categorization of training documents.
  • Linear classifiers, which separate input vectors into classes using linear (hyperplane) decision boundaries. The most popular linear classifiers are SVM and neural networks (NN).
One of the pioneer pieces of research on document-level sentiment analysis was conducted by Pang et al. [3] using probabilistic methods (NB and ME) as well as linear classifiers (SVM) for binary sentiment classification of movie reviews. They also tested different features, to find out that SVM with unigrams yielded the highest accuracy.
SVM is one of the most popular supervised classification methods. It has a solid theoretical basis, is likely the most precise method in text classification [10] and is also successful in sentiment classification [11,12,13]. It generally outperforms NB and finds the optimal hyperplane to divide classes [14]. Moraes et al. [15] compared NB and SVM with NN for sentiment classification. Experiments were performed on both balanced and unbalanced dataset. For this purpose, four datasets were chosen, namely movies review dataset [16] and three different product reviews (Cameras, Books and GPS). For unbalanced datasets, the performance of the two classifiers, SVM and NN, were affected in a negative way. Bilal et al. [17] compared the efficiency of three techniques, namely NB, Nearest Neighbour and Decision Tree, in order to classify both English and Urdu opinions of blogs. Their results showed that NB performs better than the other two classifiers. Table 1 summarizes the main components of some published studies: techniques utilized, the granularity of the analysis (sentence-level or document-level, etc.), type of data, source of data, and language.
The quality of the selected features is a key factor in increasing the efficiency of the classifier for determining the target. Some of the most typical features are n-grams, word embedding, and sentiment words. All of them have been employed in different research on sentiment analysis. The influence in the classification task of these content features has been evaluated and analyzed by some opinion mining studies [3,26,27].
Tripathy et al. [28] proposed an approach to find the polarity of reviews by converting text into numeric matrices using countvectorizer and, Term Frequency-Inverse Document Frequency (TF-IDF), and then using it as input in machine learning algorithms for classification. Martín-Valdivia et al. [29] combined supervised and unsupervised approaches to obtain a meta-classifier. Term Frequency (TF), Term Frequency-Inverse Document Frequency (TF-IDF), Binary Occurrence (BO), and Term Occurrence (TO) were considered as feature representation schemes. TF-IDF was reported as the better representation scheme. SVM using TF-IDF weight scheme for unigrams without stopwords but with a stemmer yielded the best precision outperforming NB classifier. Paltoglou and Thelwall [30] examined several unigram weighting schemes. They found that some variants of TF-IDF are the best schemes for Sentiment Analysis.
Sentiment words, also called opinion or polarity words, are considered the primary building block in sentiment analysis as they represent an essential resource for most sentiment analysis algorithms. They are seen as the first indicator to express positive or negative opinions. There are, at least, two ways of creating sentiment lexicons: hand-craft construction based on lexicographic guidelines [31,32,33,34], and automatic strategy on the basis of external resources. Two different automatic methods can be identified according to the nature of these resources: structured thesaurus and unstructured text corpora.
Goeuriot et al. [35] described the creation of two corpus-based lexicons. First, a general lexicon generated using SentiwordNet and the Subjectivity Lexicon. Second, a domain-specific lexicon created using a corpus of drug reviews depending on statistical information. Mohammad and Turney [36] elaborated a lexicon consisting of a combination of polarity (positive, negative) along with one of eight possible emotion classes for each word. The emotion classes involved in this work are: anger, anticipation, disgust, fear, joy, sadness, surprise, and trust.
Unlike our previous work [9,37], to our knowledge, no other work has focused on the automatic detection of very negative opinions. Therefore, our proposal might be considered as the first attempt in that direction.

3. Method

In this section, we will describe the most important linguistic features and supervised sentiment classifiers that we will use in our experiments.
We have focused on the selection of influential linguistic features taking into account the importance of the quality of the selection of features as a key factor in increasing the efficiency of the classifier in determining the target. The main linguistic features we will use and analyze are the following: N-grams, word embeddings, and sentiment lexicons.

3.1. N-Gram Features

First, we model texts by n-grams based on the occurrence of both unigrams and migraphs of words that occur in documents. The unigrams (1g) and bigrams (2g) are very valuable elements to find very relevant expressions in the domain of interest, in this case in the domain of polarity or opinion.
All terms are assigned a weight by means of two different quantitative representations: TF-IDF and CountVectorizer.
TF-IDF is computed in Equation (1):
t f / i d f t , d = ( 1 + l o g ( t f t , d ) ) × l o g ( N d f t ) ,
where t f t , d is the term frequency of term t in document d. N stands for the the number of documents in the collection and, d f t represents the number of documents in the collection containing t.
CountVectorizer converts the documents into a matrix with token counts. The process is the following. First, the documents are tokenized and a sparse matrix is created according to the number of occurrences of each token. To build the matrix, we remove all stopwords from the document collection. Then, we clean up the vocabulary by filtering out those terms appearing in less than four documents. This way, all terms that are too infrequent are removed.
In order to transform the reviews into the two matrices: a matrix of TF-IDF features and another one of token occurrences, we used sklearn feature extraction Python library. (http://scikit-learn.org/stable/modules/generated/sklearn.feature_extraction.text.CountVectorizer.html) (http://scikit-learn.org/stable/modules/generated/sklearn.feature_extraction.text.TfidfVectorizer.html#sklearn.feature_extraction.text.TfidfVectorizer).

3.2. Word Embeddings

Many deep learning strategies in NLP require word embeddings, i.e., vector spaces based on distributional semantics, as input features. Word embeddings can be considered as a technique for language modeling and feature learning that converts the words of a vocabulary into vectors of continuous real numbers representing their contextual distribution. This technique commonly involves embeddings derived from a high-dimensional sparse vector space which is transformed into a lower-dimensional and dense vector space. Each dimension of the dense vector stands for a latent feature of a word. Dense or embedding vectors try to encode linguistic regularities that represent linguistic patterns of the word contexts. The process of learning word embeddings may be done by means of neural networks.
To represent the reviews, we make use of the doc2vec algorithm described in Le and Mikolov [38]. This neural-based model has been shown to be efficient when you have to account for high-dimensional and sparse data [38,39]. Doc2vec learns corpus features using an unsupervised strategy and provides a fixed-length feature vector as output. The output is then fed into a machine learning classifier. We used a freely available implementation of the doc2vec algorithm included in gensim, (https://radimrehurek.com/gensim/) which is a free Python library. The implementation of the doc2vec algorithm requires the number of features to be returned (length of the vector). Thus, we performed a grid search over the fixed vector length 100 [40,41,42].

3.3. Sentiment Lexicons

Sentiment words, also called opinion or polarity words, are considered the main component of sentiment analysis, as they are an essential resource for most sentiment analysis algorithms, as well as the most typical element to provide positive or negative opinions. In addition, many textual features may be used to detect very negative views. In this study, we have extracted some of them to examine to what extent they influence the identification of extreme views (very negative ones). Uppercase characters may indicate that the writer is very upset, so we counted the number of words written in uppercase letters. In addition, intensifier words could be a reliable indicator of the existence of very negative views. Thus, we considered words such as mostly, hardly, almost, fairly, really, completely, definitely, absolutely, highly, awfully, extremely, amazingly, fully, and so on.
Furthermore, we took into account negation words such as no, not, none, nobody, nothing, neither, nowhere, never, etc. In addition, we also considered elongated words and repeated punctuation such as sooooo, baaaaad, woooow, gooood, ???, !!!!, etc. These textual features have been shown to be effective in many studies related to polarity classification such as Taboada et al. [31], Kennedy and Inkpen [43]. In our previous studies [44,45], we described a strategy to build sentiment lexicons from corpora. In the current study, we will use our lexicon, called VERY-NEG (https://github.com/almatarneh/LEXICONS) which contains a list of very negative words (VN) and a list of words that are not considered to be very negative (NVN). VERY-NEG lexicon was built from the text corpora described in Potts [46]. The corpora (http://www.stanford.edu/~cgpotts/data/wordnetscales/) consist of online reviews collected from IMDB, Goodreads, OpenTable and Amazon/Tripadvisor. Each of the reviews in this collection has an associated star rating: one star (very negative) to ten stars (very positive) in IMDB, and one star (very negative) to five stars (very positive) in the other online reviews.
Reviews were tagged using the Stanford Log-Linear Part-Of-Speech Tagger. Then, tags were broken down into WordNet PoS Tags: a (adjective), n (noun), v (verb), r (adverb). Words whose tags were not part of those categories were filtered out. The list of selected words was then stemmed.
Table 2 summarizes all the features introduced above with a brief description for each one.

4. Experiments

4.1. Multi-Domain Sentiment Dataset

This dataset (https://www.cs.jhu.edu/~mdredze/datasets/sentiment/index2.html) was used in Blitzer et al. [47]. It contains product reviews taken from Amazon.com for four types of products (domains): Kitchen, Books, DVDs, and Electronics. The star ratings of the reviews are from 1 to 5 stars. In our experiments, we adopted the scale with five categories. In this case, the borderline separating the VN values from the rest was set to 1, which stands for the very negative reviews. The documents in the other four categories were put in the not very negative (NVN) class.

4.2. Hotel Dataset

In order to extract extreme opinions, we require to analyze document collections with scaled opinion levels (e.g., rating) and extract those documents associated with the lowest and highest scale. We obtained our dataset from Expedia crowdsourced data. The HotelExpedia dataset (http://ave.dee.isep.ipp.pt/~1080560/ExpediaDataSet.7z) originally contains 6030 hotels and 381,941 reviews from 11 different hotel locations. The datasets are cleaned and prepared for analysis by applying the following three preprocessing steps: (1) data deduplication operation is performed in order to remove such duplicate reviews; (2) 3-star reviews were deleted since they tend to contain neutral views; and (3) all reviews containing less than three words and blank reviews were also removed. After the three data cleansing operations above, the final datasets consists of 20,000 reviews, being 5000 for each category: 1, 2, 4 and 5 stars. Table 3 shows the number of reviews in each class for each task.

4.3. Training and Test

Since we are facing a text classification problem, any existing supervised learning methods can be applied. Support Vector Machines (SVM), Naive Bayes (NB), and Decision Tree (DT) have been shown to be highly effective at traditional text categorization [3]. We decided to utilize scikit (http://scikit-learn.org/stable/), which is an open source machine learning library for Python programming language [48]. We chose SVM, NB and DT as our classifiers for all experiments; hence, in this study we will compare, summarize and discuss the behaviour of these learning models with the linguistic features introduced above. Supervised classification requires two samples of documents: training and testing. The training sample will be used to learn various characteristics of the documents and the testing sample was used to predict and verify next the efficiency of our classifier in the prediction. The data set was randomly partitioned into training (75%) and test (25%).
In our analysis, we employed 5_fold cross_validation and the effort was put on optimizing F1 which is computed with respect to very negative (VN) (which is the target class):
F 1 = 2 P R P + R ,
where P and R are defined as follows:
P = T P T P + F P ,
R = T P T P + F N ,
where T P stands for true positive, F P is false positive, and F N is false negative.

4.4. Results

Table 4, Table 5, Table 6, Table 7 and Table 8 show the polarity classification results obtained by SVM, NB, and DT classifiers for all datasets. These three classifiers were fed with all linguistic features, taken individually and by means of their combinations. The final scores were computed using Precision (P), Recall (R) and F1 scores for very negative class (VN).
The results, which are actually quite low due to the difficulty of the task, show that SVM is by far the best classifier for searching for the most negative opinions. SVM achieves the highest F1 scores in almost all tests. Figure 1 and Figure 2 shows how SVM outperforms the other classifiers with all features and almost all combinations of features by computing the average of all F1 values across the four datasets. Only NB outperforms the other classifiers in one particular feature combination.
The performance of NB differs greatly depending on the number of features used in classification (see Figure 3). NB works better with a small number of features, more precisely the best scores are achieved when it only uses either Lexicon or Doc2Vec. It is worth noting that the combination of heterogeneous features hurts the performance of this type of classifier.
The DT classifier (Figure 4) has a similar behaviour to SVM (Figure 2) in terms of stability, but its performance tends to be much lower than that of SVM, as can be seen in Figure 1.
Concerning the linguistic features, the best performance of SVM (and thus of all classifiers) is reached when combining TF-IDF, whether 1g or 2g, with Lexicon and Doc2Vec, as shown in Figure 2. Thus, the combination of all feature types (n-grams, embeddings and sentiment lexicon) gives rise to the best results in our experiments. These results must be evaluated taking into account the enormous difficulty of overcoming basic features such as n-grams, which are considered as a strong baseline in tasks related to document-based classification.
Moreover, it should also be noted that the combination of just the lexicon and Doc2Vec (Doc2Vec+Lexicon) works very well with SVM and DT. This specific combination clearly outperforms the results obtained by just using either Lexicon or Doc2Vec alone, and even tends to perform better than using just n-grams, which is considered a very strong baseline in this type of classification task.

5. Conclusions

In this article, we have studied different linguistic features for a particular task in Sentiment Analysis. More precisely, we examined the performance of these features within supervised learning methods (using SVM, NB, DT), to identify the most negative documents on four domains’ review datasets.
The experiments reported in our work shows that the evaluation values for identifying the most negative class are low. This can be partially explained by the difficulty of the task, since the difference between very negative and not very negative is a subjective continuum without clearly defined edges. The borderline between very negative and not very negative is still more difficult to find than that discriminating between positive and negative opinions, since there are a quite clear space of neutral/objective sentiments between the two opinions. However, there is not such an intermediate space between very and not very.
Concerning the comparison between machine learning strategies in this particular task, Support Vector Machine clearly outperforms Naive Bayes and Decision Trees in all datasets and considering all features and their combinations.
In future work, we will compare SVM against other classifiers with the same linguistic features by taking into account not only very negative opinions, but also very positive ones (i.e., extreme opinions).

Author Contributions

Conceptualization, S.A. and P.G.; Methodology, S.A. and P.G.; Software, S.A.; Validation, S.A.; Formal Analysis, S.A. and P.G.; Investigation, S.A.; Resources, S.A.; Data Curation, S.A.; Writing—Original Draft Preparation, S.A.; Writing—Review & Editing, S.A. and P.G.; Visualization, S.A. and P.G.; Supervision, P.G.; Project Administration, S.A. and P.G.; Funding Acquisition, P.G.

Funding

This research was funded by project TelePares (MINECO, ref:FFI2014-51978-C2-1-R), and the Consellería de Cultura, Educación e Ordenación Universitaria (accreditation 2016-2019, ED431G/08) and the European Regional Development Fund (ERDF).

Conflicts of Interest

The author declares no conflict of interest.

References

  1. Liu, B. Sentiment analysis and opinion mining. Synth. Lect. Hum. Lang. Technol. 2012, 5, 1–167. [Google Scholar] [CrossRef]
  2. Turney, P.D. Thumbs up or thumbs down?: Semantic orientation applied to unsupervised classification of reviews. In Proceedings of the 40th Annual Meeting on Association For Computational Linguistics, Philadelphia, PA, USA, 7–12 July 2002; Association for Computational Linguistics: Stroudsburg, PA, USA, 2002; pp. 417–424. [Google Scholar]
  3. Pang, B.; Lee, L.; Vaithyanathan, S. Thumbs up?: Sentiment classification using machine learning techniques. In Proceedings of the ACL-02 Conference on Empirical Methods in Natural Language Processing, Philadelphia, PA, USA, 6–7 July 2002; Association for Computational Linguistics: Stroudsburg, PA, USA, 2002; Volume 10, pp. 79–86. [Google Scholar]
  4. Pang, B.; Lee, L. Opinion mining and sentiment analysis. Found. Trends Inf. Retr. 2008, 2, 1–135. [Google Scholar] [CrossRef]
  5. Cambria, E. Affective computing and sentiment analysis. IEEE Intell. Syst. 2016, 31, 102–107. [Google Scholar] [CrossRef]
  6. Cambria, E.; Schuller, B.; Xia, Y.; Havasi, C. New avenues in opinion mining and sentiment analysis. IEEE Intell. Syst. 2013, 28, 15–21. [Google Scholar] [CrossRef]
  7. Lee, J.; Park, D.H.; Han, I. The effect of negative online consumer reviews on product attitude: An information processing view. Electron. Commer. Res. Appl. 2008, 7, 341–352. [Google Scholar] [CrossRef]
  8. Chevalier, J.A.; Mayzlin, D. The effect of word of mouth on sales: Online book reviews. J. Mark. Res. 2006, 43, 345–354. [Google Scholar] [CrossRef]
  9. Almatarneh, S.; Gamallo, P. Searching for the Most Negative Opinions. In Proceedings of the International Conference on Knowledge Engineering and the Semantic Web, Szczecin, Poland, 8–10 November 2017; Springer: Cham, Switzerland, 2017; pp. 14–22. [Google Scholar]
  10. Liu, B. Web Data Mining: Exploring Hyperlinks, Contents, and Usage Data; Springer Science & Business Media: Berlin, Germany, 2007. [Google Scholar]
  11. Mullen, T.; Collier, N. Sentiment analysis using support vector machines with diverse information sources. In Proceedings of the 2004 Conference on Empirical Methods in Natural Language Processing, Barcelona, Spain, 25–26 July 2004. [Google Scholar]
  12. Saleh, M.R.; Martín-Valdivia, M.T.; Montejo-Ráez, A.; Ureña-López, L. Experiments with SVM to classify opinions in different domains. Expert Syst. Appl. 2011, 38, 14799–14804. [Google Scholar] [CrossRef]
  13. Kranjc, J.; Smailović, J.; Podpečan, V.; Grčar, M.; Žnidaršič, M.; Lavrač, N. Active learning for sentiment analysis on data streams: Methodology and workflow implementation in the ClowdFlows platform. Inf. Process. Manag. 2015, 51, 187–203. [Google Scholar] [CrossRef]
  14. Joachims, T. Text categorization with support vector machines: Learning with many relevant features. In European Conference on Machine Learning; Springer: Berlin, Germany, 1998; pp. 137–142. [Google Scholar]
  15. Moraes, R.; Valiati, J.F.; Neto, W.P.G. Document-level sentiment classification: An empirical comparison between SVM and ANN. Expert Syst. Appl. 2013, 40, 621–633. [Google Scholar] [CrossRef]
  16. Pang, B.; Lee, L. A sentimental education: Sentiment analysis using subjectivity summarization based on minimum cuts. In Proceedings of the 42nd Annual Meeting on Association for Computational Linguistics, Barcelona, Spain, 21–26 July 2004; Association for Computational Linguistics: Stroudsburg, PA, USA, 2004; p. 271. [Google Scholar]
  17. Bilal, M.; Israr, H.; Shahid, M.; Khan, A. Sentiment classification of Roman-Urdu opinions using Naïve Bayesian, Decision Tree and KNN classification techniques. J. King Saud Univ. Comput. Inf. Sci. 2016, 28, 330–344. [Google Scholar] [CrossRef] [Green Version]
  18. Boiy, E.; Moens, M.F. A machine learning approach to sentiment analysis in multilingual Web texts. Inf. Retr. 2009, 12, 526–558. [Google Scholar] [CrossRef]
  19. Xia, R.; Zong, C.; Li, S. Ensemble of feature sets and classification algorithms for sentiment classification. Inf. Sci. 2011, 181, 1138–1152. [Google Scholar] [CrossRef]
  20. Abbasi, A.; France, S.; Zhang, Z.; Chen, H. Selecting attributes for sentiment classification using feature relation networks. IEEE Trans. Knowl. Data Eng. 2011, 23, 447–462. [Google Scholar] [CrossRef]
  21. Duwairi, R.M.; Qarqaz, I. Arabic sentiment analysis using supervised classification. In Proceedings of the 2014 International Conference on Future Internet of Things and Cloud (FiCloud), Barcelona, Spain, 27–29 August 2014; pp. 579–583. [Google Scholar]
  22. Habernal, I.; Ptáček, T.; Steinberger, J. Reprint of “Supervised sentiment analysis in Czech social media”. Inf. Process. Manag. 2015, 51, 532–546. [Google Scholar] [CrossRef]
  23. Jeyapriya, A.; Selvi, C.K. Extracting aspects and mining opinions in product reviews using supervised learning algorithm. In Proceedings of the 2015 2nd International Conference on Electronics and Communication Systems (ICECS), Coimbatore, India, 26–27 February 2015; pp. 548–552. [Google Scholar]
  24. Severyn, A.; Moschitti, A.; Uryupina, O.; Plank, B.; Filippova, K. Multi-lingual opinion mining on youtube. Inf. Process. Manag. 2016, 52, 46–60. [Google Scholar] [CrossRef]
  25. Pham, D.H.; Le, A.C. Learning multiple layers of knowledge representation for aspect based sentiment analysis. Data Knowl. Eng. 2018, 114, 26–39. [Google Scholar] [CrossRef]
  26. Zhang, Z.; Ye, Q.; Zhang, Z.; Li, Y. Sentiment classification of Internet restaurant reviews written in Cantonese. Expert Syst. Appl. 2011, 38, 7674–7682. [Google Scholar] [CrossRef]
  27. Gerani, S.; Carman, M.J.; Crestani, F. Investigating learning approaches for blog post opinion retrieval. In European Conference on Information Retrieval; Springer: Berlin, Germany, 2009; pp. 313–324. [Google Scholar]
  28. Tripathy, A.; Agrawal, A.; Rath, S.K. Classification of sentiment reviews using n-gram machine learning approach. Expert Syst. Appl. 2016, 57, 117–126. [Google Scholar] [CrossRef]
  29. Martín-Valdivia, M.T.; Martínez-Cámara, E.; Perea-Ortega, J.M.; Ureña-López, L.A. Sentiment polarity detection in Spanish reviews combining supervised and unsupervised approaches. Expert Syst. Appl. 2013, 40, 3934–3942. [Google Scholar] [CrossRef]
  30. Paltoglou, G.; Thelwall, M. A study of information retrieval weighting schemes for sentiment analysis. In Proceedings of the 48th Annual Meeting of the Association for Computational Linguistics, Uppsala, Sweden, 11–16 July 2010; Association for Computational Linguistics: Stroudsburg, PA, USA, 2010; pp. 1386–1395. [Google Scholar]
  31. Taboada, M.; Brooke, J.; Tofiloski, M.; Voll, K.; Stede, M. Lexicon-based methods for sentiment analysis. Comput. Linguist. 2011, 37, 267–307. [Google Scholar] [CrossRef]
  32. Nielsen, F.Å. A new ANEW: Evaluation of a word list for sentiment analysis in microblogs. arXiv, 2011; arXiv:1103.2903. [Google Scholar]
  33. Hu, M.; Liu, B. Mining and summarizing customer reviews. In Proceedings of the Tenth ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Seattle, WA, USA, 22–25 August 2004; pp. 168–177. [Google Scholar]
  34. Gatti, L.; Guerini, M.; Turchi, M. Sentiwords: Deriving a high precision and high coverage lexicon for sentiment analysis. IEEE Trans. Affect. Comput. 2016, 7, 409–421. [Google Scholar] [CrossRef]
  35. Goeuriot, L.; Na, J.C.; Min Kyaing, W.Y.; Khoo, C.; Chang, Y.K.; Theng, Y.L.; Kim, J.J. Sentiment lexicons for health-related opinion mining. In Proceedings of the 2nd ACM SIGHIT International Health Informatics Symposium, Miami, FL, USA, 28–30 January 2012; pp. 219–226. [Google Scholar]
  36. Mohammad, S.M.; Turney, P.D. Crowdsourcing a word–emotion association lexicon. Comput. Intell. 2013, 29, 436–465. [Google Scholar] [CrossRef]
  37. Almatarneh, S.; Gamallo, P. Linguistic Features to Identify Extreme Opinions: An Empirical Study. In International Conference on Intelligent Data Engineering and Automated Learning; Springer: Berlin, Germany, 2018; pp. 215–223. [Google Scholar]
  38. Le, Q.; Mikolov, T. Distributed representations of sentences and documents. In Proceedings of the International Conference on Machine Learning, Beijing, China, 21–26 June 2014; pp. 1188–1196. [Google Scholar]
  39. Dai, A.M.; Olah, C.; Le, Q.V. Document embedding with paragraph vectors. arXiv, 2015; arXiv:1507.07998. [Google Scholar]
  40. Collobert, R.; Weston, J.; Bottou, L.; Karlen, M.; Kavukcuoglu, K.; Kuksa, P. Natural language processing (almost) from scratch. J. Mach. Learn. Res. 2011, 12, 2493–2537. [Google Scholar]
  41. Mikolov, T.; Chen, K.; Corrado, G.; Dean, J. Efficient estimation of word representations in vector space. arXiv, 2013; arXiv:1301.3781. [Google Scholar]
  42. Mikolov, T.; Sutskever, I.; Chen, K.; Corrado, G.S.; Dean, J. Distributed representations of words and phrases and their compositionality. In Proceedings of the 26th International Conference on Neural Information Processing Systems (NIPS’13), Lake Tahoe, NV, USA, 5–10 December 2013; pp. 3111–3119. [Google Scholar]
  43. Kennedy, A.; Inkpen, D. Sentiment classification of movie reviews using contextual valence shifters. Comput. Intell. 2006, 22, 110–125. [Google Scholar] [CrossRef]
  44. Almatarneh, S.; Gamallo, P. A lexicon based method to search for extreme opinions. PLoS ONE 2018, 13, e0197816. [Google Scholar] [CrossRef] [PubMed]
  45. Almatarneh, S.; Gamallo, P. Automatic construction of domain-specific sentiment lexicons for polarity classification. In International Conference on Practical Applications of Agents and Multi-Agent Systems; Springer: Berlin, Germany, 2017; pp. 175–182. [Google Scholar]
  46. Potts, C. Developing adjective scales from user-supplied textual metadata. In Proceedings of the NSF Workshop on Restructuring Adjectives in WordNet, Arlington, VA, USA, 30 September–1 October 2011. [Google Scholar]
  47. Blitzer, J.; Dredze, M.; Pereira, F. Biographies, bollywood, boom-boxes and blenders: Domain adaptation for sentiment classification. In Proceedings of the 45th Annual Meeting of the Association of Computational Linguistics, Prague, Czech Republic, 25–27 June 2007; Association for Computational Linguistics: Stroudsburg, PA, USA, 2007; Volume 7, pp. 440–447. [Google Scholar]
  48. Pedregosa, F.; Varoquaux, G.; Gramfort, A.; Michel, V.; Thirion, B.; Grisel, O.; Blondel, M.; Prettenhofer, P.; Weiss, R.; Dubourg, V.; et al. Scikit-learn: Machine learning in Python. J. Mach. Learn. Res. 2011, 12, 2825–2830. [Google Scholar]
Figure 1. Results obtained by all classifiers for all collections with all features alone and after being combined, by computing the average of all F1 for very negative class (VN).
Figure 1. Results obtained by all classifiers for all collections with all features alone and after being combined, by computing the average of all F1 for very negative class (VN).
Information 10 00016 g001
Figure 2. Results obtained by the SVM classifier for all collections with all features, taken individually and after being combined, by computing the average of all F1 for very negative class (VN).
Figure 2. Results obtained by the SVM classifier for all collections with all features, taken individually and after being combined, by computing the average of all F1 for very negative class (VN).
Information 10 00016 g002
Figure 3. Results obtained by the NB classifier for all collections with all features, taken individually and after being combined, by computing the average of all F1 for very negative class (VN).
Figure 3. Results obtained by the NB classifier for all collections with all features, taken individually and after being combined, by computing the average of all F1 for very negative class (VN).
Information 10 00016 g003
Figure 4. Results obtained by the DT classifier for all collections with all features taken individually and after being combined, by computing the average of all F1 for very negative class (VN).
Figure 4. Results obtained by the DT classifier for all collections with all features taken individually and after being combined, by computing the average of all F1 for very negative class (VN).
Information 10 00016 g004
Table 1. Main components of some supervised learning sentiment classification published studies.
Table 1. Main components of some supervised learning sentiment classification published studies.
Ref.Techniques UtilizedGranularityType of DataLanguage
[3]ME, NB, SVMDocument levelMovie reviewsEnglish
[18]MNB 1, ME, SVMSentence levelBlog, Review and News forumEnglish, Dutch, French
[12]SVMDocument levelMovie, Hotel, ProductsEnglish
[19]NB, ME, SVMDocument levelMovie, ProductsEnglish
[20]Rule-based, SVMSentence levelMovie, ProductsEnglish
[15]SVM, NNDocument levelMovie, GPS, productsEnglish
[21]NB, SVM, KNN 2Document levelEducation, sports, political newsArabic
[22]ME, SVMDocument levelMovie, ProductsCzech
[23]NBSentence levelProductsEnglish
[24]SVMDocument levelProductsEnglish, Italian
[25]NNAspect levelHotelEnglish
1 Multinomial Naive Bayes: is a specialized version of Naive Bayes that is designed more for text documents. 2 k-nearest neighbors.
Table 2. Description of all linguistic features.
Table 2. Description of all linguistic features.
FeaturesDescriptions
N-gramsUnigram TF-IDF (1g)
Unigram CountVectorizer (1g)
Unigram and Bigram TF-IDF (1g 2g)
Unigram and Bigram CountVectorizer (1g 2g)
Doc2Vec (100 Feat.)Generate vectors for the document
Lexicons (12 feat.)Number and proportion of VN terms in the documents
Number and proportion of NVN terms in the documents
Number and proportion of negation words in the document
Number and proportion of uppercase words in the document
Number and proportion of elongated words and punctuation in the document
Number and proportion of intensifiers words in the document
Table 3. Size of the four test datasets and the total number of reviews in each class negative vs. positive and (VN vs. NVN).
Table 3. Size of the four test datasets and the total number of reviews in each class negative vs. positive and (VN vs. NVN).
Datasets# of ReviewsNegativePositiveVNNVN
Books2000100010005321462
DVDs2000100010005301470
Electronics2000100010006661334
Kitchens2000100010006871313
Hotel20,00010,00010,000500015,000
Table 4. Polarity classification results obtained by SVM, NB, and DT classifiers for the Book dataset with all linguistic features taken alone and combined, in terms of P, R and F1 scores for very negative class (VN). The best F1 is highlighted (in bold).
Table 4. Polarity classification results obtained by SVM, NB, and DT classifiers for the Book dataset with all linguistic features taken alone and combined, in terms of P, R and F1 scores for very negative class (VN). The best F1 is highlighted (in bold).
Book FeaturesSVMNaive BayesDecision Tree
PRF1PRF1PRF1
1gTF-IDF0.620.340.440.330.180.230.460.360.40
1gCountVector0.550.510.530.340.200.250.410.380.39
1g2gTF-IDF0.680.340.450.430.140.210.430.360.39
1g2gCountVector0.570.490.530.450.150.230.430.410.42
Doc2Vec0.570.320.410.460.620.530.400.400.40
Lexicon0.810.180.290.510.270.350.420.380.40
Doc2Vec + Lexicon0.640.440.520.610.450.520.420.420.42
1gTF-IDF + Doc2Vec0.630.490.550.340.180.230.450.420.43
1gTF-IDF + Lexicon0.670.410.510.350.180.240.470.400.43
1gTF-IDF + Doc2Vec + Lexicon0.640.510.570.350.180.240.470.430.45
1gCountVector + Doc2Vec0.560.520.540.340.200.250.430.400.42
1gCountVector + Lexicon0.590.510.550.340.200.250.530.420.47
1gCountVector + Doc2Vec + Lexicon0.590.510.550.340.200.250.470.430.45
1g2gTF-IDF + Doc2Vec0.630.490.550.440.140.210.440.390.41
1g2gTF-IDF + Lexicon0.690.380.490.470.140.210.480.430.46
1g2gTF-IDF + Doc2Vec + Lexicon0.640.510.560.470.140.210.480.400.44
1g2gCountVector + Doc2Vec0.580.510.540.450.150.230.450.470.46
1g2gCountVector + Lexicon0.580.490.530.450.150.230.460.430.45
1g2gCountVector + Doc2Vec + Lexicon0.600.540.570.450.150.230.480.430.45
Table 5. Polarity classification results obtained by SVM, NB, and DT classifiers for a DVD dataset with all linguistic features, taken alone and combined, in terms of P, R and F1 scores for very negative class (VN). The best F1 is highlighted (in bold).
Table 5. Polarity classification results obtained by SVM, NB, and DT classifiers for a DVD dataset with all linguistic features, taken alone and combined, in terms of P, R and F1 scores for very negative class (VN). The best F1 is highlighted (in bold).
DVD FeaturesSVMNaive BayesDecision Tree
PRF1PRF1PRF1
1gTF-IDF0.740.350.470.370.170.240.540.470.50
1gCountVector0.560.510.530.370.170.240.470.400.43
1g2gTF-IDF0.700.330.450.500.110.180.480.460.47
1g2gCountVector0.560.490.520.500.110.180.480.400.44
Doc2Vec0.670.300.420.330.810.470.360.410.38
Lexicon0.690.270.380.490.570.530.460.450.45
Doc2Vec + Lexicon0.720.490.580.340.820.480.470.470.47
1gTF-IDF + Doc2Vec0.740.480.580.370.170.240.560.450.50
1gTF-IDF + Lexicon0.720.430.540.370.170.230.530.500.51
1gTF-IDF + Doc2Vec + Lexicon0.690.520.590.370.170.230.480.450.46
1gCountVector + Doc2Vec0.590.550.570.370.170.240.480.480.48
1gCountVector + Lexicon0.590.530.560.370.170.240.460.400.43
1gCountVector + Doc2Vec + Lexicon0.620.570.590.370.170.240.510.470.49
1g2gTF-IDF + Doc2Vec0.720.500.590.500.110.180.530.440.48
1g2gTF-IDF + Lexicon0.730.450.560.470.100.160.490.460.47
1g2gTF-IDF + Doc2Vec + Lexicon0.710.520.600.470.100.160.510.420.46
1g2gCountVector + Doc2Vec0.610.570.590.500.110.180.440.420.43
1g2gCountVector + Lexicon0.620.550.580.500.110.180.510.420.46
1g2gCountVector + Doc2Vec + Lexicon0.600.560.580.500.110.180.490.450.47
Table 6. Polarity classification results obtained by SVM, NB, and DT classifiers for Electronic dataset with all linguistic features, taken alone and combined, in terms of P, R and F1 scores for very negative class (VN). The best F1 is highlighted (in bold).
Table 6. Polarity classification results obtained by SVM, NB, and DT classifiers for Electronic dataset with all linguistic features, taken alone and combined, in terms of P, R and F1 scores for very negative class (VN). The best F1 is highlighted (in bold).
Electronic FeaturesSVMNaive BayesDecision Tree
PRF1PRF1PRF1
1gTF-IDF0.690.570.630.490.410.450.580.580.58
1gCountVector0.610.600.610.500.430.460.590.550.57
1g2gTF-IDF0.700.560.620.580.370.450.550.510.53
1g2gCountVector0.620.570.590.590.400.480.550.510.53
Doc2Vec0.720.610.660.550.350.430.480.550.51
Lexicon0.690.420.520.580.530.550.500.500.50
Doc2Vec + Lexicon0.710.660.680.560.350.430.470.500.49
1gTF-IDF + Doc2Vec0.680.670.680.500.410.450.530.500.52
1gTF-IDF + Lexicon0.680.600.640.510.390.450.570.540.55
1gTF-IDF + Doc2Vec + Lexicon0.730.660.690.510.390.450.590.510.55
1gCountVector + Doc2Vec0.640.620.630.500.430.460.550.510.53
1gCountVector + Lexicon0.630.610.620.500.430.460.570.470.52
1gCountVector + Doc2Vec + Lexicon0.660.620.640.500.430.460.590.510.55
1g2gTF-IDF + Doc2Vec0.760.610.680.580.370.450.530.520.52
1g2gTF-IDF + Lexicon0.700.610.650.580.370.450.600.590.59
1g2gTF-IDF + Doc2Vec + Lexicon0.690.690.690.580.370.450.670.590.63
1g2gCountVector + Doc2Vec0.660.580.620.590.400.480.510.460.49
1g2gCountVector + Lexicon0.650.590.620.590.400.480.540.490.51
1g2gCountVector + Doc2Vec + Lexicon0.640.630.640.590.400.480.640.500.56
Table 7. Polarity classification results obtained by SVM, NB, and DT classifiers for Kitchen dataset with all linguistic features, taken alone and combined, in terms of P, R and F1 scores for very negative class (VN). The best F1 is highlighted (in bold).
Table 7. Polarity classification results obtained by SVM, NB, and DT classifiers for Kitchen dataset with all linguistic features, taken alone and combined, in terms of P, R and F1 scores for very negative class (VN). The best F1 is highlighted (in bold).
Kitchen FeaturesSVMNaive BayesDecision Tree
PRF1PRF1PRF1
1gTF-IDF0.710.550.620.470.450.460.590.590.59
1gCountVector0.640.540.580.450.490.470.570.540.55
1g2gTF-IDF0.700.550.620.570.390.470.590.490.53
1g2gCountVector0.660.520.580.560.430.490.590.510.54
Doc2Vec0.600.360.450.450.750.570.450.490.47
Lexicon0.600.360.450.530.640.580.480.500.49
Doc2Vec + Lexicon0.670.570.610.500.740.590.560.540.55
1gTF-IDF + Doc2Vec0.750.590.660.490.450.470.510.460.48
1gTF-IDF + Lexicon0.660.540.590.520.440.480.570.520.54
1gTF-IDF + Doc2Vec + Lexicon0.730.650.690.520.440.480.550.510.53
1gCountVector + Doc2Vec0.720.600.650.450.490.470.550.520.54
1gCountVector + Lexicon0.680.570.620.450.490.470.580.500.54
1gCountVector + Doc2Vec + Lexicon0.710.600.650.450.490.470.570.550.56
1g2gTF-IDF + Doc2Vec0.750.620.680.570.380.450.570.560.57
1g2gTF-IDF + Lexicon0.670.580.620.570.370.450.570.510.54
1g2gTF-IDF + Doc2Vec + Lexicon0.750.670.710.570.370.450.600.550.58
1g2gCountVector + Doc2Vec0.720.600.650.560.430.490.570.520.54
1g2gCountVector + Lexicon0.660.570.610.560.430.490.590.510.54
1g2gCountVector + Doc2Vec + Lexicon0.710.610.660.560.430.490.590.560.57
Table 8. Polarity classification results obtained by SVM, NB, and DT classifiers for the Hotel dataset with all linguistic features, taken alone and combined, in terms of P, R and F1 scores for very negative class (VN). The best F1 is highlighted (in bold).
Table 8. Polarity classification results obtained by SVM, NB, and DT classifiers for the Hotel dataset with all linguistic features, taken alone and combined, in terms of P, R and F1 scores for very negative class (VN). The best F1 is highlighted (in bold).
Hotel FeaturesSVMNaive BayesDecision Tree
PRF1PRF1PRF1
1gTF-IDF0.750.640.690.290.730.420.640.620.63
1gCountVector0.670.660.660.300.690.420.660.630.65
1g2gTF-IDF0.770.620.690.460.400.430.620.600.61
1g2gCountVector0.690.650.670.500.380.430.630.570.60
Doc2Vec0.760.470.580.400.420.410.370.430.40
Lexicon0.690.450.550.570.700.630.510.530.52
Doc2Vec + Lexicon0.770.620.690.560.620.590.590.610.60
1gTF-IDF + Doc2Vec0.770.700.730.300.730.430.650.640.65
1gTF-IDF + Lexicon0.790.680.730.320.700.440.680.640.66
1gTF-IDF + Doc2Vec + Lexicon0.780.720.750.320.700.440.690.680.69
1gCountVector + Doc2Vec0.720.700.710.280.750.410.670.620.65
1gCountVector + Lexicon0.690.690.690.290.670.410.660.650.65
1gCountVector + Doc2Vec + Lexicon0.740.710.730.280.750.410.690.690.69
1g2gTF-IDF + Doc2Vec0.790.690.740.460.400.430.680.570.62
1g2gTF-IDF + Lexicon0.790.680.730.460.400.430.660.610.63
1g2gTF-IDF + Doc2Vec + Lexicon0.810.720.760.460.400.430.710.600.65
1g2gCountVector + Doc2Vec0.750.700.730.500.380.430.620.590.61
1g2gCountVector + Lexicon0.780.650.710.500.380.430.670.610.64
1g2gCountVector + Doc2Vec + Lexicon0.710.680.690.500.380.430.710.600.65

Share and Cite

MDPI and ACS Style

Almatarneh, S.; Gamallo, P. Comparing Supervised Machine Learning Strategies and Linguistic Features to Search for Very Negative Opinions. Information 2019, 10, 16. https://doi.org/10.3390/info10010016

AMA Style

Almatarneh S, Gamallo P. Comparing Supervised Machine Learning Strategies and Linguistic Features to Search for Very Negative Opinions. Information. 2019; 10(1):16. https://doi.org/10.3390/info10010016

Chicago/Turabian Style

Almatarneh, Sattam, and Pablo Gamallo. 2019. "Comparing Supervised Machine Learning Strategies and Linguistic Features to Search for Very Negative Opinions" Information 10, no. 1: 16. https://doi.org/10.3390/info10010016

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop