Deep Embedding Sentiment Analysis on Product Reviews Using Naive Bayesian Classifier (original) (raw)
Related papers
Customer Reviews’ Sentiments Analysis using Deep Learning
International Journal of Computer Applications, 2020
In this era of digitalization, Sentiment Analysis(SA) has become a necessity for progress and prosperity in marketing. Sentiment analysis has become a powerful way of knowing the opinions and thoughts of users. The viewpoint of the consumer, such as knowledge sharing would include a lot of useful experience, while one wrong idea will cost too much for the company.SA has many social media data-related problems, such as natural language interpretation, etc. Issue of theory and technique also affect the accuracy of detecting the polarity. There is a problem of text classification such as analysis of sentiments in document level, sentence level, feature based. Document level analysis is done by two approaches: supervised learning and unsupervised learning. Sentence level contains sentences containing opinions. Aspect based analysis have different attributes is performed in customer reviews. Product opinion is taken for knowing the sentiments. Opinions are compared and are extracted as a feature.SA is very important for business purpose because it gives the way for improving their operations and the products they offer. For improving business strategy it plays an important role. It provides many key benefits like impactful decisions, for finding relevant products, improving business strategy, beating competitions, tackling positive or negative issues affecting the product. To overcome such issues, deep learning processes are applied. The work focuses on two main tasks. Firstly, to extract sentiments present in data of social media of customers' reviews and secondly, to use the deeplearning process for the sentiments' extraction for customer reviews.
A deep learning approach in predicting products’ sentiment ratings: a comparative analysis
The Journal of Supercomputing, 2021
We present a benchmark comparison of several deep learning models including Convolutional Neural Networks, Recurrent Neural Network and Bi-directional Long Short Term Memory, assessed based on various word embedding approaches, including the Bi-directional Encoder Representations from Transformers (BERT) and its variants, FastText and Word2Vec. Data augmentation was administered using the Easy Data Augmentation approach resulting in two datasets (original versus augmented). All the models were assessed in two setups, namely 5-class versus 3-class (i.e., compressed version). Findings show the best prediction models were Neural Network-based using Word2Vec, with CNN-RNN-Bi-LSTM producing the highest accuracy (96%) and F-score (91.1%). Individually, RNN was the best model with an accuracy of 87.5% and F-score of 83.5%, while RoBERTa had the best F-score of 73.1%. The study shows that deep learning is better for analyzing the sentiments within the text compared to supervised machine learning and provides a direction for future work and research.
Hybrid Architecture for Sentiment Analysis Using Deep Learning
2018
Sentiment analysis involves classifying text into positive, negative and neutral classes according to the emotions expressed in the text. Extensive study has been carried out in performing sentiment analysis using the traditional ‘bag of words’ approach which involves feature selection, where the input is given to classifiers such as Naive Bayes and SVMs. A relatively new approach to sentiment analysis involves using a deep learning model. In this approach, a recently discovered technique called word embedding is used, following which the input is fed into a deep neural network architecture. As sentiment analysis using deep learning is a relatively unexplored domain, we plan to perform in-depth analysis into this field and implement a state of the art model which will achieve optimal accuracy. The proposed methodology will use a hybrid architecture, which consists of CNNs (Convolutional Neural Networks) and RNNs (Recurrent Neural Networks), to implement the deep learning model on th...
A Deep Learning Architecture for Sentiment Analysis
2018 the International Conference on Geoinformatics and Data Analysis, Prague, Czech Republic, 2018
The fabulous results of Deep Convolution Neural Networks in computer vision and image analysis have recently attracted considerable attention from researchers of other application domains as well. In this paper we present NgramCNN, a neural network architecture we designed for sentiment analysis of long text documents. It uses pretrained word embeddings for dense feature representation and a very simple single-layer classifier. The complexity is encapsulated in feature extraction and selection parts that benefit from the effectiveness of convolution and pooling layers. For evaluation we utilized different kinds of emotional text datasets and achieved an accuracy of 91.2 % accuracy on the popular IMDB movie reviews. NgramCNN is more accurate than similar shallow convolution networks or deeper recurrent networks that were used as baselines. In the future, we intent to generalize the architecture for state of the art results in sentiment analysis of variable-length texts.
ICST transactions on scalable information systems, 2024
Sentiment analysis, a critical task in natural language processing, aims to automatically identify and classify the sentiment expressed in textual data. Aspect-level sentiment analysis focuses on determining sentiment at a more granular level, targeting specific aspects or features within a piece of text. In this paper, we explore various techniques for sentiment analysis, including traditional machine learning approaches and state-of-the-art deep learning models. Additionally, deep learning techniques has been utilized to identifying and extracting specific aspects from text, addressing aspect-level ambiguity, and capturing nuanced sentiments for each aspect. These datasets are valuable for conducting aspect-level sentiment analysis. In this article, we explore a language model based on pre-trained deep neural networks. This model can analyze sequences of text to classify sentiments as positive, negative, or neutral without explicit human labeling. To evaluate these models, data from Twitter's US airlines sentiment database was utilized. Experiments on this dataset reveal that the BERT, RoBERTA and DistilBERT model outperforms than the ML based model in accuracy and is more efficient in terms of training time. Notably, our findings showcase significant advancements over previous state-of-the-art methods that rely on supervised feature learning, bridging existing gaps in sentiment analysis methodologies. Our findings shed light on the advancements and challenges in sentiment analysis, offering insights for future research directions and practical applications in areas such as customer feedback analysis, social media monitoring, and opinion mining.
Cognitive Hybrid Deep Learning-based Multi-modal Sentiment Analysis for Online Product Reviews
ACM Transactions on Asian and Low-Resource Language Information Processing
Recently the field of sentiment analysis has gained a lot of attraction in literature. The idea that a machine can dynamically spot the text’s sentiments is fascinating. In this paper, we propose a method to classify the textual sentiments in Twitter feeds. In particular, we focus on analyzing the tweets of products as either positive or negative. The proposed technique utilizes a deep learning schema to learn and predict the sentiment by extracting features directly from the text. Specifically, we use Convolutional Neural Networks with different convolutional layers, further, we experiment with LSTMs and try an ensemble of multiple models to get the best results. We employ an n-gram-based word embeddings approach to get the machine-level word representations. Testing of the method is conducted on real-world datasets. We have discovered that the ensemble technique yields the best results after conducting experiments on a huge corpus of more than One Million tweets. To be specific, w...
Deep Learning-based Sentiment Classification: A Comparative Survey
IEEE Access
Recently, Deep Learning (DL) approaches have been applied to solve the Sentiment Classification (SC) problem, which is a core task in reviews mining or Sentiment Analysis (SA). The performances of these approaches are affected by different factors. This paper addresses these factors and classifies them into three categories: data preparation based factors, feature representation based factors and the classification techniques based factors. The paper is a comprehensive literature-based survey that compares the performance of more than 100 DL-based SC approaches by using 21 public datasets of reviews given by customers within three specific application domains (products, movies and restaurants). These 21 datasets have different characteristics (balanced/imbalanced, size, etc.) to give a global vision for our study. The comparison explains how the proposed factors quantitatively affect the performance of the studied DLbased SC approaches.
IRJET- Spam Review Detection with Sentiment Analysis
IRJET, 2020
Product analysis is valuable for the upcoming buyers in order to help them to take decisions. To the end, different opinion approaches have been proposed, where deciding a review whether positive or negative is one of their key challenges. Recently, deep learning has emerged as an effective means of foe solving sentiment classification problems. A neural network inherently learns a useful portrayal that reacts without the intention of human efforts. However, the success of deep learning highly relies on the availability of wide-ranging training data. We propose a novel deep learning framework for evaluating the product through sentiment classification which employs prevalently available ratings as weak supervision signals. The framework consists of two steps: (1) learning a foremost depiction (an embedding space) which provides out the overall sentiment distribution of sentences through rating information; (2) adding a classification layer on top of the embedding layer and use labeled sentences for supervised fine-tuning. We explore two kinds of low-level network structure for modeling review sentences, namely, complex feature extractors and long short-term memory. To assess the advance framework, we set up a dataset containing a million weakly labeled review sentences and 11,754 labeled review sentences from various websites. Experimental results show the efficacy of the proposed framework and its superiority over baselines.
A Survey of Deep Learning for Sentiment Analysis
2019
Deep learning has detonated in the public responsiveness, primarily as predictive and analytical products pervade our world, in the form of innumerable humancentered smart-world systems, including targeted advertisements, natural language assistants and interpreters, and mock-up self-driving vehicle systems. In contrast, researchers across disciplines have been including into their research to solve various natural language processing issues. In this paper we seek to provide a thorough exploration of Deep learning and its applications like sentimental analysis and natural language processing (NLP). Deep learning has an edge over the traditional machine learning algorithms, like support vector machine (SVM) and Naïve Bayes, for sentiment analysis because of its potential to overcome the challenges faced by sentiment analysis and handle the diversities involved, without the expensive demand for manual feature engineering. Deep learning models promise one thing given sufficient amount ...
Text mining based sentiment analysis using a novel deep learning approach
International Journal of Nonlinear Analysis and Applications, 2021
Leveraging text mining for sentiment analysis, and integrating text mining and deep learning are the main purposes of this paper. The presented study includes three main steps. At the first step, pre-processing such as tokenization, text cleaning, stop word, stemming, and text normalization has been utilized. Secondly, feature from review and tweets using Bag of Words (BOW) method and Term Frequency _Inverse Document Frequency is extracted. Finally, deep learning by dense neural networks is used for classification. This research throws light on understanding the basic concepts of sentiment analysis and then showcases a model which performs deep learning for classification for a movie review and airline$_$ sentiment data set. The performance measure in terms of precision, recall, F1-measure and accuracy were calculated. Based on the results, the proposed method achieved an accuracy of 95.3895.38%95.38 and 93.8493.84%93.84 for a movie review and Airline$_$ sentiment, respectively.