期刊文献+
共找到2,757篇文章
< 1 2 138 >
每页显示 20 50 100
DeBERTa-GRU: Sentiment Analysis for Large Language Model
1
作者 Adel Assiri Abdu Gumaei +2 位作者 Faisal Mehmood Touqeer Abbas Sami Ullah 《Computers, Materials & Continua》 SCIE EI 2024年第6期4219-4236,共18页
Modern technological advancements have made social media an essential component of daily life.Social media allow individuals to share thoughts,emotions,and ideas.Sentiment analysis plays the function of evaluating whe... Modern technological advancements have made social media an essential component of daily life.Social media allow individuals to share thoughts,emotions,and ideas.Sentiment analysis plays the function of evaluating whether the sentiment of the text is positive,negative,neutral,or any other personal emotion to understand the sentiment context of the text.Sentiment analysis is essential in business and society because it impacts strategic decision-making.Sentiment analysis involves challenges due to lexical variation,an unlabeled dataset,and text distance correlations.The execution time increases due to the sequential processing of the sequence models.However,the calculation times for the Transformer models are reduced because of the parallel processing.This study uses a hybrid deep learning strategy to combine the strengths of the Transformer and Sequence models while ignoring their limitations.In particular,the proposed model integrates the Decoding-enhanced with Bidirectional Encoder Representations from Transformers(BERT)attention(DeBERTa)and the Gated Recurrent Unit(GRU)for sentiment analysis.Using the Decoding-enhanced BERT technique,the words are mapped into a compact,semantic word embedding space,and the Gated Recurrent Unit model can capture the distance contextual semantics correctly.The proposed hybrid model achieves F1-scores of 97%on the Twitter Large Language Model(LLM)dataset,which is much higher than the performance of new techniques. 展开更多
关键词 DeBERTa GRU Naive Bayes LSTM sentiment analysis large language model
下载PDF
Sentiment Analysis Using E-Commerce Review Keyword-Generated Image with a Hybrid Machine Learning-Based Model
2
作者 Jiawen Li Yuesheng Huang +3 位作者 Yayi Lu Leijun Wang Yongqi Ren Rongjun Chen 《Computers, Materials & Continua》 SCIE EI 2024年第7期1581-1599,共19页
In the context of the accelerated pace of daily life and the development of e-commerce,online shopping is a mainstreamway for consumers to access products and services.To understand their emotional expressions in faci... In the context of the accelerated pace of daily life and the development of e-commerce,online shopping is a mainstreamway for consumers to access products and services.To understand their emotional expressions in facing different shopping experience scenarios,this paper presents a sentiment analysis method that combines the ecommerce reviewkeyword-generated imagewith a hybrid machine learning-basedmodel,inwhich theWord2Vec-TextRank is used to extract keywords that act as the inputs for generating the related images by generative Artificial Intelligence(AI).Subsequently,a hybrid Convolutional Neural Network and Support Vector Machine(CNNSVM)model is applied for sentiment classification of those keyword-generated images.For method validation,the data randomly comprised of 5000 reviews from Amazon have been analyzed.With superior keyword extraction capability,the proposedmethod achieves impressive results on sentiment classification with a remarkable accuracy of up to 97.13%.Such performance demonstrates its advantages by using the text-to-image approach,providing a unique perspective for sentiment analysis in the e-commerce review data compared to the existing works.Thus,the proposed method enhances the reliability and insights of customer feedback surveys,which would also establish a novel direction in similar cases,such as social media monitoring and market trend research. 展开更多
关键词 sentiment analysis keyword-generated image machine learning Word2Vec-TextRank CNN-SVM
下载PDF
Integrating Ontology-Based Approaches with Deep Learning Models for Fine-Grained Sentiment Analysis
3
作者 Longgang Zhao Seok-Won Lee 《Computers, Materials & Continua》 SCIE EI 2024年第10期1855-1877,共23页
Although sentiment analysis is pivotal to understanding user preferences,existing models face significant challenges in handling context-dependent sentiments,sarcasm,and nuanced emotions.This study addresses these cha... Although sentiment analysis is pivotal to understanding user preferences,existing models face significant challenges in handling context-dependent sentiments,sarcasm,and nuanced emotions.This study addresses these challenges by integrating ontology-based methods with deep learning models,thereby enhancing sentiment analysis accuracy in complex domains such as film reviews and restaurant feedback.The framework comprises explicit topic recognition,followed by implicit topic identification to mitigate topic interference in subsequent sentiment analysis.In the context of sentiment analysis,we develop an expanded sentiment lexicon based on domainspecific corpora by leveraging techniques such as word-frequency analysis and word embedding.Furthermore,we introduce a sentiment recognition method based on both ontology-derived sentiment features and sentiment lexicons.We evaluate the performance of our system using a dataset of 10,500 restaurant reviews,focusing on sentiment classification accuracy.The incorporation of specialized lexicons and ontology structures enables the framework to discern subtle sentiment variations and context-specific expressions,thereby improving the overall sentiment-analysis performance.Experimental results demonstrate that the integration of ontology-based methods and deep learning models significantly improves sentiment analysis accuracy. 展开更多
关键词 Deep learning ONTOLOGY fine-grained sentiment analysis online reviews
下载PDF
RUSAS: Roman Urdu Sentiment Analysis System
4
作者 Kazim Jawad Muhammad Ahmad +1 位作者 Majdah Alvi Muhammad Bux Alvi 《Computers, Materials & Continua》 SCIE EI 2024年第4期1463-1480,共18页
Sentiment analysis, the meta field of Natural Language Processing (NLP), attempts to analyze and identify thesentiments in the opinionated text data. People share their judgments, reactions, and feedback on the intern... Sentiment analysis, the meta field of Natural Language Processing (NLP), attempts to analyze and identify thesentiments in the opinionated text data. People share their judgments, reactions, and feedback on the internetusing various languages. Urdu is one of them, and it is frequently used worldwide. Urdu-speaking people prefer tocommunicate on social media in Roman Urdu (RU), an English scripting style with the Urdu language dialect.Researchers have developed versatile lexical resources for features-rich comprehensive languages, but limitedlinguistic resources are available to facilitate the sentiment classification of Roman Urdu. This effort encompassesextracting subjective expressions in Roman Urdu and determining the implied opinionated text polarity. Theprimary sources of the dataset are Daraz (an e-commerce platform), Google Maps, and the manual effort. Thecontributions of this study include a Bilingual Roman Urdu Language Detector (BRULD) and a Roman UrduSpelling Checker (RUSC). These integrated modules accept the user input, detect the text language, correct thespellings, categorize the sentiments, and return the input sentence’s orientation with a sentiment intensity score.The developed system gains strength with each input experience gradually. The results show that the languagedetector gives an accuracy of 97.1% on a close domain dataset, with an overall sentiment classification accuracy of94.3%. 展开更多
关键词 Roman Urdu sentiment analysis Roman Urdu language detector Roman Urdu spelling checker FLASK
下载PDF
A Robust Framework for Multimodal Sentiment Analysis with Noisy Labels Generated from Distributed Data Annotation
5
作者 Kai Jiang Bin Cao Jing Fan 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第6期2965-2984,共20页
Multimodal sentiment analysis utilizes multimodal data such as text,facial expressions and voice to detect people’s attitudes.With the advent of distributed data collection and annotation,we can easily obtain and sha... Multimodal sentiment analysis utilizes multimodal data such as text,facial expressions and voice to detect people’s attitudes.With the advent of distributed data collection and annotation,we can easily obtain and share such multimodal data.However,due to professional discrepancies among annotators and lax quality control,noisy labels might be introduced.Recent research suggests that deep neural networks(DNNs)will overfit noisy labels,leading to the poor performance of the DNNs.To address this challenging problem,we present a Multimodal Robust Meta Learning framework(MRML)for multimodal sentiment analysis to resist noisy labels and correlate distinct modalities simultaneously.Specifically,we propose a two-layer fusion net to deeply fuse different modalities and improve the quality of the multimodal data features for label correction and network training.Besides,a multiple meta-learner(label corrector)strategy is proposed to enhance the label correction approach and prevent models from overfitting to noisy labels.We conducted experiments on three popular multimodal datasets to verify the superiority of ourmethod by comparing it with four baselines. 展开更多
关键词 Distributed data collection multimodal sentiment analysis meta learning learn with noisy labels
下载PDF
Aspect-Level Sentiment Analysis Based on Deep Learning
6
作者 Mengqi Zhang Jiazhao Chai +2 位作者 Jianxiang Cao Jialing Ji Tong Yi 《Computers, Materials & Continua》 SCIE EI 2024年第3期3743-3762,共20页
In recent years,deep learning methods have developed rapidly and found application in many fields,including natural language processing.In the field of aspect-level sentiment analysis,deep learning methods can also gr... In recent years,deep learning methods have developed rapidly and found application in many fields,including natural language processing.In the field of aspect-level sentiment analysis,deep learning methods can also greatly improve the performance of models.However,previous studies did not take into account the relationship between user feature extraction and contextual terms.To address this issue,we use data feature extraction and deep learning combined to develop an aspect-level sentiment analysis method.To be specific,we design user comment feature extraction(UCFE)to distill salient features from users’historical comments and transform them into representative user feature vectors.Then,the aspect-sentence graph convolutional neural network(ASGCN)is used to incorporate innovative techniques for calculating adjacency matrices;meanwhile,ASGCN emphasizes capturing nuanced semantics within relationships among aspect words and syntactic dependency types.Afterward,three embedding methods are devised to embed the user feature vector into the ASGCN model.The empirical validations verify the effectiveness of these models,consistently surpassing conventional benchmarks and reaffirming the indispensable role of deep learning in advancing sentiment analysis methodologies. 展开更多
关键词 Aspect-level sentiment analysis deep learning graph convolutional neural network user features syntactic dependency tree
下载PDF
Sentiment Analysis of Low-Resource Language Literature Using Data Processing and Deep Learning
7
作者 Aizaz Ali Maqbool Khan +2 位作者 Khalil Khan Rehan Ullah Khan Abdulrahman Aloraini 《Computers, Materials & Continua》 SCIE EI 2024年第4期713-733,共21页
Sentiment analysis, a crucial task in discerning emotional tones within the text, plays a pivotal role in understandingpublic opinion and user sentiment across diverse languages.While numerous scholars conduct sentime... Sentiment analysis, a crucial task in discerning emotional tones within the text, plays a pivotal role in understandingpublic opinion and user sentiment across diverse languages.While numerous scholars conduct sentiment analysisin widely spoken languages such as English, Chinese, Arabic, Roman Arabic, and more, we come to grapplingwith resource-poor languages like Urdu literature which becomes a challenge. Urdu is a uniquely crafted language,characterized by a script that amalgamates elements from diverse languages, including Arabic, Parsi, Pashtu,Turkish, Punjabi, Saraiki, and more. As Urdu literature, characterized by distinct character sets and linguisticfeatures, presents an additional hurdle due to the lack of accessible datasets, rendering sentiment analysis aformidable undertaking. The limited availability of resources has fueled increased interest among researchers,prompting a deeper exploration into Urdu sentiment analysis. This research is dedicated to Urdu languagesentiment analysis, employing sophisticated deep learning models on an extensive dataset categorized into fivelabels: Positive, Negative, Neutral, Mixed, and Ambiguous. The primary objective is to discern sentiments andemotions within the Urdu language, despite the absence of well-curated datasets. To tackle this challenge, theinitial step involves the creation of a comprehensive Urdu dataset by aggregating data from various sources such asnewspapers, articles, and socialmedia comments. Subsequent to this data collection, a thorough process of cleaningand preprocessing is implemented to ensure the quality of the data. The study leverages two well-known deeplearningmodels, namely Convolutional Neural Networks (CNN) and Recurrent Neural Networks (RNN), for bothtraining and evaluating sentiment analysis performance. Additionally, the study explores hyperparameter tuning tooptimize the models’ efficacy. Evaluation metrics such as precision, recall, and the F1-score are employed to assessthe effectiveness of the models. The research findings reveal that RNN surpasses CNN in Urdu sentiment analysis,gaining a significantly higher accuracy rate of 91%. This result accentuates the exceptional performance of RNN,solidifying its status as a compelling option for conducting sentiment analysis tasks in the Urdu language. 展开更多
关键词 Urdu sentiment analysis convolutional neural networks recurrent neural network deep learning natural language processing neural networks
下载PDF
GP‐FMLNet:A feature matrix learning network enhanced by glyph and phonetic information for Chinese sentiment analysis
8
作者 Jing Li Dezheng Zhang +2 位作者 Yonghong Xie Aziguli Wulamu Yao Zhang 《CAAI Transactions on Intelligence Technology》 SCIE EI 2024年第4期960-972,共13页
Sentiment analysis is a fine‐grained analysis task that aims to identify the sentiment polarity of a specified sentence.Existing methods in Chinese sentiment analysis tasks only consider sentiment features from a sin... Sentiment analysis is a fine‐grained analysis task that aims to identify the sentiment polarity of a specified sentence.Existing methods in Chinese sentiment analysis tasks only consider sentiment features from a single pole and scale and thus cannot fully exploit and utilise sentiment feature information,making their performance less than ideal.To resolve the problem,the authors propose a new method,GP‐FMLNet,that integrates both glyph and phonetic information and design a novel feature matrix learning process for phonetic features with which to model words that have the same pinyin information but different glyph information.Our method solves the problem of misspelling words influencing sentiment polarity prediction results.Specifically,the authors iteratively mine character,glyph,and pinyin features from the input comments sentences.Then,the authors use soft attention and matrix compound modules to model the phonetic features,which empowers their model to keep on zeroing in on the dynamic‐setting words in various positions and to dispense with the impacts of the deceptive‐setting ones.Ex-periments on six public datasets prove that the proposed model fully utilises the glyph and phonetic information and improves on the performance of existing Chinese senti-ment analysis algorithms. 展开更多
关键词 aspect‐level sentiment analysis deep learning feature extraction glyph and phonetic feature matrix compound learning
下载PDF
Artificial Intelligence-Based Sentiment Analysis of Dynamic Message Signs that Report Fatality Numbers Using Connected Vehicle Data
9
作者 Dorcas O. Okaidjah Jonathan Wood Christopher M. Day 《Journal of Transportation Technologies》 2024年第4期590-606,共17页
This study presents results from sentiment analysis of Dynamic message sign (DMS) message content, focusing on messages that include numbers of road fatalities. As a traffic management tool, DMS plays a role in influe... This study presents results from sentiment analysis of Dynamic message sign (DMS) message content, focusing on messages that include numbers of road fatalities. As a traffic management tool, DMS plays a role in influencing driver behavior and assisting transportation agencies in achieving safe and efficient traffic movement. However, the psychological and behavioral effects of displaying fatality numbers on DMS remain poorly understood;hence, it is important to know the potential impacts of displaying such messages. The Iowa Department of Transportation displays the number of fatalities on a first screen, followed by a supplemental message hoping to promote safe driving;an example is “19 TRAFFIC DEATHS THIS YEAR IF YOU HAVE A SUPER BOWL DON’T DRIVE HIGH.” We employ natural language processing to decode the sentiment and undertone of the supplementary message and investigate how they influence driving speeds. According to the results of a mixed effect model, drivers reduced speeds marginally upon encountering DMS fatality text with a positive sentiment with a neutral undertone. This category had the largest associated amount of speed reduction, while messages with negative sentiment with a negative undertone had the second largest amount of speed reduction, greater than other combinations, including positive sentiment with a positive undertone. 展开更多
关键词 Intelligent Transportation System sentiment analysis Dynamic Message Signs Large Language Models Traffic Safety Artificial Intelligence
下载PDF
Analysis of Public Sentiment regarding COVID-19 Vaccines on the Social Media Platform Reddit
10
作者 Lucien Dikla Ngueleo Jules Pagna Disso +2 位作者 Armel Ayimdji Tekemetieu Justin Moskolaï Ngossaha Michael Nana Kameni 《Journal of Computer and Communications》 2024年第2期80-108,共29页
This study undertakes a thorough analysis of the sentiment within the r/Corona-virus subreddit community regarding COVID-19 vaccines on Reddit. We meticulously collected and processed 34,768 comments, spanning from No... This study undertakes a thorough analysis of the sentiment within the r/Corona-virus subreddit community regarding COVID-19 vaccines on Reddit. We meticulously collected and processed 34,768 comments, spanning from November 20, 2020, to January 17, 2021, using sentiment calculation methods such as TextBlob and Twitter-RoBERTa-Base-sentiment to categorize comments into positive, negative, or neutral sentiments. The methodology involved the use of Count Vectorizer as a vectorization technique and the implementation of advanced ensemble algorithms like XGBoost and Random Forest, achieving an accuracy of approximately 80%. Furthermore, through the Dirichlet latent allocation, we identified 23 distinct reasons for vaccine distrust among negative comments. These findings are crucial for understanding the community’s attitudes towards vaccination and can guide targeted public health messaging. Our study not only provides insights into public opinion during a critical health crisis, but also demonstrates the effectiveness of combining natural language processing tools and ensemble algorithms in sentiment analysis. 展开更多
关键词 COVID-19 Vaccine TextBlob Twitter-RoBERTa-Base-sentiment sentiment analysis Latent Dirichlet Allocation
下载PDF
Aspect-Level Sentiment Analysis Incorporating Semantic and Syntactic Information
11
作者 Jiachen Yang Yegang Li +2 位作者 Hao Zhang Junpeng Hu Rujiang Bai 《Journal of Computer and Communications》 2024年第1期191-207,共17页
Aiming at the problem that existing models in aspect-level sentiment analysis cannot fully and effectively utilize sentence semantic and syntactic structure information, this paper proposes a graph neural network-base... Aiming at the problem that existing models in aspect-level sentiment analysis cannot fully and effectively utilize sentence semantic and syntactic structure information, this paper proposes a graph neural network-based aspect-level sentiment classification model. Self-attention, aspectual word multi-head attention and dependent syntactic relations are fused and the node representations are enhanced with graph convolutional networks to enable the model to fully learn the global semantic and syntactic structural information of sentences. Experimental results show that the model performs well on three public benchmark datasets Rest14, Lap14, and Twitter, improving the accuracy of sentiment classification. 展开更多
关键词 Aspect-Level sentiment analysis Attentional Mechanisms Dependent Syntactic Trees Graph Convolutional Neural Networks
下载PDF
Investigation on the Chinese Text Sentiment Analysis Based on Convolutional Neural Networks in Deep Learning 被引量:12
12
作者 Feng Xu Xuefen Zhang +1 位作者 Zhanhong Xin Alan Yang 《Computers, Materials & Continua》 SCIE EI 2019年第3期697-709,共13页
Nowadays,the amount of wed data is increasing at a rapid speed,which presents a serious challenge to the web monitoring.Text sentiment analysis,an important research topic in the area of natural language processing,is... Nowadays,the amount of wed data is increasing at a rapid speed,which presents a serious challenge to the web monitoring.Text sentiment analysis,an important research topic in the area of natural language processing,is a crucial task in the web monitoring area.The accuracy of traditional text sentiment analysis methods might be degraded in dealing with mass data.Deep learning is a hot research topic of the artificial intelligence in the recent years.By now,several research groups have studied the sentiment analysis of English texts using deep learning methods.In contrary,relatively few works have so far considered the Chinese text sentiment analysis toward this direction.In this paper,a method for analyzing the Chinese text sentiment is proposed based on the convolutional neural network(CNN)in deep learning in order to improve the analysis accuracy.The feature values of the CNN after the training process are nonuniformly distributed.In order to overcome this problem,a method for normalizing the feature values is proposed.Moreover,the dimensions of the text features are optimized through simulations.Finally,a method for updating the learning rate in the training process of the CNN is presented in order to achieve better performances.Experiment results on the typical datasets indicate that the accuracy of the proposed method can be improved compared with that of the traditional supervised machine learning methods,e.g.,the support vector machine method. 展开更多
关键词 Convolutional neural network(CNN) deep learning learning rate NORMALIZATION sentiment analysis.
下载PDF
Mutually Enhancing Community Detection and Sentiment Analysis on Twitter Networks 被引量:5
13
作者 William Deitrick Wei Hu 《Journal of Data Analysis and Information Processing》 2013年第3期19-29,共11页
The burgeoning use of Web 2.0-powered social media in recent years has inspired numerous studies on the content and composition of online social networks (OSNs). Many methods of harvesting useful information from soci... The burgeoning use of Web 2.0-powered social media in recent years has inspired numerous studies on the content and composition of online social networks (OSNs). Many methods of harvesting useful information from social networks’ immense amounts of user-generated data have been successfully applied to such real-world topics as politics and marketing, to name just a few. This study presents a novel twist on two popular techniques for studying OSNs: community detection and sentiment analysis. Using sentiment classification to enhance community detection and community partitions to permit more in-depth analysis of sentiment data, these two techniques are brought together to analyze four networks from the Twitter OSN. The Twitter networks used for this study are extracted from four accounts related to Microsoft Corporation, and together encompass more than 60,000 users and 2 million tweets collected over a period of 32 days. By combining community detection and sentiment analysis, modularity values were increased for the community partitions detected in three of the four networks studied. Furthermore, data collected during the community detection process enabled more granular, community-level sentiment analysis on a specific topic referenced by users in the dataset. 展开更多
关键词 COMMUNITY Detection sentiment analysis TWITTER Online Social NETWORKS MODULARITY Community-Level sentiment analysis
下载PDF
Text Sentiment Analysis Using Frequency-Based Vigorous Features 被引量:3
14
作者 Abdul Razzaq Muhammad Asim +4 位作者 Zulqrnain Ali Salman Qadri Imran Mumtaz Dost Muhammad Khan Qasim Niaz 《China Communications》 SCIE CSCD 2019年第12期145-153,共9页
Sentiment Analysis, an un-abating research area in text mining, requires a computational method for extracting useful information from text. In recent days, social media has become a really rich source to get informat... Sentiment Analysis, an un-abating research area in text mining, requires a computational method for extracting useful information from text. In recent days, social media has become a really rich source to get information about the behavioral state of people(opinion) through reviews and comments. Numerous techniques have been aimed to analyze the sentiment of the text, however, they were unable to come up to the complexity of the sentiments. The complexity requires novel approach for deep analysis of sentiments for more accurate prediction. This research presents a three-step Sentiment Analysis and Prediction(SAP) solution of Text Trend through K-Nearest Neighbor(KNN). At first, sentences are transformed into tokens and stop words are removed. Secondly, polarity of the sentence, paragraph and text is calculated through contributing weighted words, intensity clauses and sentiment shifters. The resulting features extracted in this step played significant role to improve the results. Finally, the trend of the input text has been predicted using KNN classifier based on extracted features. The training and testing of the model has been performed on publically available datasets of twitter and movie reviews. Experiments results illustrated the satisfactory improvement as compared to existing solutions. In addition, GUI(Hello World) based text analysis framework has been designed to perform the text analytics. 展开更多
关键词 text mining sentiment analysis sentiment shifters KNN
下载PDF
A Novel Feature-based Method for Sentiment Analysis of Chinese Product Reviews 被引量:5
15
作者 LIU Lizhen SONG Wei +2 位作者 WANG Hanshi LI Chuchu LU Jingli 《China Communications》 SCIE CSCD 2014年第3期154-164,共11页
Sentiment analysis of online reviews and other user generated content is an important research problem for its wide range of applications.In this paper,we propose a feature-based vector model and a novel weighting alg... Sentiment analysis of online reviews and other user generated content is an important research problem for its wide range of applications.In this paper,we propose a feature-based vector model and a novel weighting algorithm for sentiment analysis of Chinese product reviews.Specifically,an opinionated document is modeled by a set of feature-based vectors and corresponding weights.Different from previous work,our model considers modifying relationships between words and contains rich sentiment strength descriptions which are represented by adverbs of degree and punctuations.Dependency parsing is applied to construct the feature vectors.A novel feature weighting algorithm is proposed for supervised sentiment classification based on rich sentiment strength related information.The experimental results demonstrate the effectiveness of the proposed method compared with a state of the art method using term level weighting algorithms. 展开更多
关键词 sentiment analysis sentimentstrength opinion mining dependency parsing
下载PDF
Sentiment Analysis of Japanese Tourism Online Reviews 被引量:2
16
作者 Chuanming Yu Xingyu Zhu +2 位作者 Bolin Feng Lin Cai Lu An 《Journal of Data and Information Science》 CSCD 2019年第1期89-113,共25页
Purpose: Online reviews on tourism attractions provide important references for potential tourists to choose tourism spots. The main goal of this study is conducting sentiment analysis to facilitate users comprehendin... Purpose: Online reviews on tourism attractions provide important references for potential tourists to choose tourism spots. The main goal of this study is conducting sentiment analysis to facilitate users comprehending the large scale of the reviews, based on the comments about Chinese attractions from Japanese tourism website 4 Travel.Design/methodology/approach: Different statistics-and rule-based methods are used to analyze the sentiment of the reviews. Three groups of novel statistics-based methods combining feature selection functions and the traditional term frequency-inverse document frequency(TF-IDF) method are proposed. We also make seven groups of different rulesbased methods. The macro-average and micro-average values for the best classification results of the methods are calculated respectively and the performance of the methods are shown.Findings: We compare the statistics-based and rule-based methods separately and compare the overall performance of the two method. According to the results, it is concluded that the combination of feature selection functions and weightings can strongly improve the overall performance. The emotional vocabulary in the field of tourism(EVT), kaomojis, negative and transitional words can notably improve the performance in all of three categories. The rule-based methods outperform the statistics-based ones with a narrow advantage.Research limitation: Two limitations can be addressed: 1) the empirical studies to verify the validity of the proposed methods are only conducted on Japanese languages; and 2) the deep learning technology is not been incorporated in the methods.Practical implications: The results help to elucidate the intrinsic characteristics of the Japanese language and the influence on sentiment analysis. These findings also provide practical usage guidelines within the field of sentiment analysis of Japanese online tourism reviews.Originality/value: Our research is of practicability. Currently, there are no studies that focus on the sentiment analysis of Japanese reviews about Chinese attractions. 展开更多
关键词 sentiment analysis JAPANESE REVIEWS RULE-BASED METHODS Statistics-based METHODS TOURISM REVIEWS
下载PDF
Fuzzy-Based Sentiment Analysis System for Analyzing Student Feedback and Satisfaction 被引量:5
17
作者 Yun Wang Fazli Subhan +2 位作者 Shahaboddin Shamshirband Muhammad Zubair Asghar Ikram UllahAmmara Habib 《Computers, Materials & Continua》 SCIE EI 2020年第2期631-655,共25页
The feedback collection and analysis has remained an important subject matter for long.The traditional techniques for student feedback analysis are based on questionnaire-based data collection and analysis.However,the... The feedback collection and analysis has remained an important subject matter for long.The traditional techniques for student feedback analysis are based on questionnaire-based data collection and analysis.However,the student expresses their feedback opinions on online social media sites,which need to be analyzed.This study aims at the development of fuzzy-based sentiment analysis system for analyzing student feedback and satisfaction by assigning proper sentiment score to opinion words and polarity shifters present in the input reviews.Our technique computes the sentiment score of student feedback reviews and then applies a fuzzy-logic module to analyze and quantify student’s satisfaction at the fine-grained level.The experimental results reveal that the proposed work has outperformed the baseline studies as well as state-of-the-art machine learning classifiers. 展开更多
关键词 Student feedback analysis sentiments opinion words polarity shifters lexicon-based
下载PDF
Enhancing Sentiment Analysis on Twitter Using Community Detection 被引量:3
18
作者 William Deitrick Benjamin Valyou +2 位作者 Wes Jones Joshua Timian Wei Hu 《Communications and Network》 2013年第3期192-197,共6页
The increasing popularity of social media in recent years has created new opportunities to study the interactions of different groups of people. Never before have so many data about such a large number of individuals ... The increasing popularity of social media in recent years has created new opportunities to study the interactions of different groups of people. Never before have so many data about such a large number of individuals been readily available for analysis. Two popular topics in the study of social networks are community detection and sentiment analysis. Community detection seeks to find groups of associated individuals within networks, and sentiment analysis attempts to determine how individuals are feeling. While these are generally treated as separate issues, this study takes an integrative approach and uses community detection output to enable community-level sentiment analysis. Community detection is performed using the Walktrap algorithm on a network of Twitter users associated with Microsoft Corporation’s @technet account. This Twitter account is one of several used by Microsoft Corporation primarily for communicating with information technology professionals. Once community detection is finished, sentiment in the tweets produced by each of the communities detected in this network is analyzed based on word sentiment scores from the well-known SentiWordNet lexicon. The combination of sentiment analysis with community detection permits multilevel exploration of sentiment information within the @technet network, and demonstrates the power of combining these two techniques. 展开更多
关键词 COMMUNITY Detection TWITTER SOCIAL NETWORKS sentiment analysis SentiWordNet Walktrap
下载PDF
Improving Sentiment Analysis in Election-Based Conversations on Twitter with ElecBERT Language Model 被引量:3
19
作者 Asif Khan Huaping Zhang +2 位作者 Nada Boudjellal Arshad Ahmad Maqbool Khan 《Computers, Materials & Continua》 SCIE EI 2023年第9期3345-3361,共17页
Sentiment analysis plays a vital role in understanding public opinions and sentiments toward various topics.In recent years,the rise of social media platforms(SMPs)has provided a rich source of data for analyzing publ... Sentiment analysis plays a vital role in understanding public opinions and sentiments toward various topics.In recent years,the rise of social media platforms(SMPs)has provided a rich source of data for analyzing public opinions,particularly in the context of election-related conversations.Nevertheless,sentiment analysis of electionrelated tweets presents unique challenges due to the complex language used,including figurative expressions,sarcasm,and the spread of misinformation.To address these challenges,this paper proposes Election-focused Bidirectional Encoder Representations from Transformers(ElecBERT),a new model for sentiment analysis in the context of election-related tweets.Election-related tweets pose unique challenges for sentiment analysis due to their complex language,sarcasm,andmisinformation.ElecBERT is based on the Bidirectional Encoder Representations from Transformers(BERT)language model and is fine-tuned on two datasets:Election-Related Sentiment-Annotated Tweets(ElecSent)-Multi-Languages,containing 5.31 million labeled tweets in multiple languages,and ElecSent-English,containing 4.75million labeled tweets in English.Themodel outperforms othermachine learning models such as Support Vector Machines(SVM),Na飗e Bayes(NB),and eXtreme Gradient Boosting(XGBoost),with an accuracy of 0.9905 and F1-score of 0.9816 on ElecSent-Multi-Languages,and an accuracy of 0.9930 and F1-score of 0.9899 on ElecSent-English.The performance of differentmodels was compared using the 2020 United States(US)Presidential Election as a case study.The ElecBERT-English and ElecBERT-Multi-Languages models outperformed BERTweet,with the ElecBERT-English model achieving aMean Absolute Error(MAE)of 6.13.This paper presents a valuable contribution to sentiment analysis in the context of election-related tweets,with potential applications in political analysis,social media management,and policymaking. 展开更多
关键词 sentiment analysis social media election prediction machine learning TRANSFORMERS
下载PDF
Research on image sentiment analysis technology based on sparse representation 被引量:3
20
作者 Xiaofang Jin Yinan Wu +1 位作者 Ying Xu Chang Sun 《CAAI Transactions on Intelligence Technology》 SCIE EI 2022年第3期354-368,共15页
Many methods based on deep learning have achieved amazing results in image sentiment analysis.However,these existing methods usually pursue high accuracy,ignoring the effect on model training efficiency.Considering th... Many methods based on deep learning have achieved amazing results in image sentiment analysis.However,these existing methods usually pursue high accuracy,ignoring the effect on model training efficiency.Considering that when faced with large-scale sentiment analysis tasks,the high accuracy rate often requires long experimental time.In view of the weakness,a method that can greatly improve experimental efficiency with only small fluctuations in model accuracy is proposed,and singular value decomposition(SVD)is used to find the sparse feature of the image,which are sparse vectors with strong discriminativeness and effectively reduce redundant information;The authors propose the Fast Dictionary Learning algorithm(FDL),which can combine neural network with sparse representation.This method is based on K-Singular Value Decomposition,and through iteration,it can effectively reduce the calculation time and greatly improve the training efficiency in the case of small fluctuation of accuracy.Moreover,the effectiveness of the proposed method is evaluated on the FER2013 dataset.By adding singular value decomposition,the accuracy of the test suite increased by 0.53%,and the total experiment time was shortened by 8.2%;Fast Dictionary Learning shortened the total experiment time by 36.3%. 展开更多
关键词 FDL image sentiment analysis model efficiency sparse representation SVD
下载PDF
上一页 1 2 138 下一页 到第
使用帮助 返回顶部