期刊文献+
共找到2,501篇文章
< 1 2 126 >
每页显示 20 50 100
A Robust Framework for Multimodal Sentiment Analysis with Noisy Labels Generated from Distributed Data Annotation
1
作者 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
Analysis of Public Sentiment regarding COVID-19 Vaccines on the Social Media Platform Reddit
2
作者 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
3
作者 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
Improving Sentiment Analysis in Election-Based Conversations on Twitter with ElecBERT Language Model 被引量:1
4
作者 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
A Cloud Based Sentiment Analysis through Logistic Regression in AWS Platform 被引量:1
5
作者 Mohemmed Sha 《Computer Systems Science & Engineering》 SCIE EI 2023年第4期857-868,共12页
The use of Amazon Web Services is growing rapidly as more users are adopting the technology.It has various functionalities that can be used by large corporates and individuals as well.Sentiment analysis is used to bui... The use of Amazon Web Services is growing rapidly as more users are adopting the technology.It has various functionalities that can be used by large corporates and individuals as well.Sentiment analysis is used to build an intelligent system that can study the opinions of the people and help to classify those related emotions.In this research work,sentiment analysis is performed on the AWS Elastic Compute Cloud(EC2)through Twitter data.The data is managed to the EC2 by using elastic load balancing.The collected data is subjected to preprocessing approaches to clean the data,and then machine learning-based logistic regression is employed to categorize the sentiments into positive and negative sentiments.High accuracy of 94.17%is obtained through the proposed machine learning model which is higher than the other models that are developed using the existing algorithms. 展开更多
关键词 sentiment analysis AWS CLOUD data analytics machine learning
下载PDF
Sine Cosine Optimization with Deep Learning-Based Applied Linguistics for Sentiment Analysis on COVID-19 Tweets 被引量:1
6
作者 Abdelwahed Motwakel Hala J.Alshahrani +5 位作者 Abdulkhaleq Q.A.Hassan Khaled Tarmissi Amal S.Mehanna Ishfaq Yaseen Amgad Atta Abdelmageed Mohammad Mahzari 《Computers, Materials & Continua》 SCIE EI 2023年第6期4767-4783,共17页
Applied linguistics is an interdisciplinary domain which identifies,investigates,and offers solutions to language-related real-life problems.The new coronavirus disease,otherwise known as Coronavirus disease(COVID-19)... Applied linguistics is an interdisciplinary domain which identifies,investigates,and offers solutions to language-related real-life problems.The new coronavirus disease,otherwise known as Coronavirus disease(COVID-19),has severely affected the everyday life of people all over the world.Specifically,since there is insufficient access to vaccines and no straight or reliable treatment for coronavirus infection,the country has initiated the appropriate preventive measures(like lockdown,physical separation,and masking)for combating this extremely transmittable disease.So,individuals spent more time on online social media platforms(i.e.,Twitter,Facebook,Instagram,LinkedIn,and Reddit)and expressed their thoughts and feelings about coronavirus infection.Twitter has become one of the popular social media platforms and allows anyone to post tweets.This study proposes a sine cosine optimization with bidirectional gated recurrent unit-based senti-ment analysis(SCOBGRU-SA)on COVID-19 tweets.The SCOBGRU-SA technique aimed to detect and classify the various sentiments in Twitter data during the COVID-19 pandemic.The SCOBGRU-SA technique follows data pre-processing and the Fast-Text word embedding process to accomplish this.Moreover,the BGRU model is utilized to recognise and classify sen-timents present in the tweets.Furthermore,the SCO algorithm is exploited for tuning the BGRU method’s hyperparameter,which helps attain improved classification performance.The experimental validation of the SCOBGRU-SA technique takes place using a benchmark dataset,and the results signify its promising performance compared to other DL models. 展开更多
关键词 Applied linguistics deep learning sentiment analysis COVID-19 pandemic sine cosine optimization TWITTER
下载PDF
A Parallel Approach for Sentiment Analysis on Social Networks Using Spark 被引量:1
7
作者 M.Mohamed Iqbal K.Latha 《Intelligent Automation & Soft Computing》 SCIE 2023年第2期1831-1842,共12页
The public is increasingly using social media platforms such as Twitter and Facebook to express their views on a variety of topics.As a result,social media has emerged as the most effective and largest open source for... The public is increasingly using social media platforms such as Twitter and Facebook to express their views on a variety of topics.As a result,social media has emerged as the most effective and largest open source for obtaining public opinion.Single node computational methods are inefficient for sentiment analysis on such large datasets.Supercomputers or parallel or distributed proces-sing are two options for dealing with such large amounts of data.Most parallel programming frameworks,such as MPI(Message Processing Interface),are dif-ficult to use and scale in environments where supercomputers are expensive.Using the Apache Spark Parallel Model,this proposed work presents a scalable system for sentiment analysis on Twitter.A Spark-based Naive Bayes training technique is suggested for this purpose;unlike prior research,this algorithm does not need any disk access.Millions of tweets have been classified using the trained model.Experiments with various-sized clusters reveal that the suggested strategy is extremely scalable and cost-effective for larger data sets.It is nearly 12 times quicker than the Map Reduce-based model and nearly 21 times faster than the Naive Bayes Classifier in Apache Mahout.To evaluate the framework’s scalabil-ity,we gathered a large training corpus from Twitter.The accuracy of the classi-fier trained with this new dataset was more than 80%. 展开更多
关键词 Social networks sentiment analysis big data SPARK tweets classification
下载PDF
Multimodal Sentiment Analysis Using BiGRU and Attention-Based Hybrid Fusion Strategy 被引量:1
8
作者 Zhizhong Liu Bin Zhou +1 位作者 Lingqiang Meng Guangyu Huang 《Intelligent Automation & Soft Computing》 SCIE 2023年第8期1963-1981,共19页
Recently,multimodal sentiment analysis has increasingly attracted attention with the popularity of complementary data streams,which has great potential to surpass unimodal sentiment analysis.One challenge of multimoda... Recently,multimodal sentiment analysis has increasingly attracted attention with the popularity of complementary data streams,which has great potential to surpass unimodal sentiment analysis.One challenge of multimodal sentiment analysis is how to design an efficient multimodal feature fusion strategy.Unfortunately,existing work always considers feature-level fusion or decision-level fusion,and few research works focus on hybrid fusion strategies that contain feature-level fusion and decision-level fusion.To improve the performance of multimodal sentiment analysis,we present a novel multimodal sentiment analysis model using BiGRU and attention-based hybrid fusion strategy(BAHFS).Firstly,we apply BiGRU to learn the unimodal features of text,audio and video.Then we fuse the unimodal features into bimodal features using the bimodal attention fusion module.Next,BAHFS feeds the unimodal features and bimodal features into the trimodal attention fusion module and the trimodal concatenation fusion module simultaneously to get two sets of trimodal features.Finally,BAHFS makes a classification with the two sets of trimodal features respectively and gets the final analysis results with decision-level fusion.Based on the CMU-MOSI and CMU-MOSEI datasets,extensive experiments have been carried out to verify BAHFS’s superiority. 展开更多
关键词 Multimdoal sentiment analysis BiGRU attention mechanism features-level fusion hybrid fusion strategy
下载PDF
Sentiment Analysis with Tweets Behaviour in Twitter Streaming API 被引量:1
9
作者 Kuldeep Chouhan Mukesh Yadav +4 位作者 Ranjeet Kumar Rout Kshira Sagar Sahoo NZ Jhanjhi Mehedi Masud Sultan Aljahdali 《Computer Systems Science & Engineering》 SCIE EI 2023年第5期1113-1128,共16页
Twitter is a radiant platform with a quick and effective technique to analyze users’perceptions of activities on social media.Many researchers and industry experts show their attention to Twitter sentiment analysis t... Twitter is a radiant platform with a quick and effective technique to analyze users’perceptions of activities on social media.Many researchers and industry experts show their attention to Twitter sentiment analysis to recognize the stakeholder group.The sentiment analysis needs an advanced level of approaches including adoption to encompass data sentiment analysis and various machine learning tools.An assessment of sentiment analysis in multiple fields that affect their elevations among the people in real-time by using Naive Bayes and Support Vector Machine(SVM).This paper focused on analysing the distinguished sentiment techniques in tweets behaviour datasets for various spheres such as healthcare,behaviour estimation,etc.In addition,the results in this work explore and validate the statistical machine learning classifiers that provide the accuracy percentages attained in terms of positive,negative and neutral tweets.In this work,we obligated Twitter Application Programming Interface(API)account and programmed in python for sentiment analysis approach for the computational measure of user’s perceptions that extract a massive number of tweets and provide market value to the Twitter account proprietor.To distinguish the results in terms of the performance evaluation,an error analysis investigates the features of various stakeholders comprising social media analytics researchers,Natural Language Processing(NLP)developers,engineering managers and experts involved to have a decision-making approach. 展开更多
关键词 Machine learning Naive Bayes natural language processing sentiment analysis social media analytics support vector machine Twitter application programming interface
下载PDF
Multimodal sentiment analysis for social media contents during public emergencies
10
作者 Tao Fan Hao Wang +2 位作者 Peng Wu Chen Ling Milad Taleby Ahvanooey 《Journal of Data and Information Science》 CSCD 2023年第3期61-87,共27页
Purpose:Nowadays,public opinions during public emergencies involve not only textual contents but also contain images.However,the existing works mainly focus on textual contents and they do not provide a satisfactory a... Purpose:Nowadays,public opinions during public emergencies involve not only textual contents but also contain images.However,the existing works mainly focus on textual contents and they do not provide a satisfactory accuracy of sentiment analysis,lacking the combination of multimodal contents.In this paper,we propose to combine texts and images generated in the social media to perform sentiment analysis.Design/methodology/approach:We propose a Deep Multimodal Fusion Model(DMFM),which combines textual and visual sentiment analysis.We first train word2vec model on a large-scale public emergency corpus to obtain semantic-rich word vectors as the input of textual sentiment analysis.BiLSTM is employed to generate encoded textual embeddings.To fully excavate visual information from images,a modified pretrained VGG16-based sentiment analysis network is used with the best-performed fine-tuning strategy.A multimodal fusion method is implemented to fuse textual and visual embeddings completely,producing predicted labels.Findings:We performed extensive experiments on Weibo and Twitter public emergency datasets,to evaluate the performance of our proposed model.Experimental results demonstrate that the DMFM provides higher accuracy compared with baseline models.The introduction of images can boost the performance of sentiment analysis during public emergencies.Research limitations:In the future,we will test our model in a wider dataset.We will also consider a better way to learn the multimodal fusion information.Practical implications:We build an efficient multimodal sentiment analysis model for the social media contents during public emergencies.Originality/value:We consider the images posted by online users during public emergencies on social platforms.The proposed method can present a novel scope for sentiment analysis during public emergencies and provide the decision support for the government when formulating policies in public emergencies. 展开更多
关键词 Public emergency Multimodal sentiment analysis Social platform Textual sentiment analysis Visual sentiment analysis
下载PDF
LexDeep:Hybrid Lexicon and Deep Learning Sentiment Analysis Using Twitter for Unemployment-Related Discussions During COVID-19
11
作者 Azlinah Mohamed Zuhaira Muhammad Zain +5 位作者 Hadil Shaiba Nazik Alturki Ghadah Aldehim Sapiah Sakri Saiful Farik Mat Yatin Jasni Mohamad Zain 《Computers, Materials & Continua》 SCIE EI 2023年第4期1577-1601,共25页
The COVID-19 pandemic has spread globally,resulting in financialinstability in many countries and reductions in the per capita grossdomestic product.Sentiment analysis is a cost-effective method for acquiringsentiment... The COVID-19 pandemic has spread globally,resulting in financialinstability in many countries and reductions in the per capita grossdomestic product.Sentiment analysis is a cost-effective method for acquiringsentiments based on household income loss,as expressed on social media.However,limited research has been conducted in this domain using theLexDeep approach.This study aimed to explore social trend analytics usingLexDeep,which is a hybrid sentiment analysis technique,on Twitter to capturethe risk of household income loss during the COVID-19 pandemic.First,tweet data were collected using Twint with relevant keywords before(9 March2019 to 17 March 2020)and during(18 March 2020 to 21 August 2021)thepandemic.Subsequently,the tweets were annotated using VADER(lexiconbased)and fed into deep learning classifiers,and experiments were conductedusing several embeddings,namely simple embedding,Global Vectors,andWord2Vec,to classify the sentiments expressed in the tweets.The performanceof each LexDeep model was evaluated and compared with that of a supportvector machine(SVM).Finally,the unemployment rates before and duringCOVID-19 were analysed to gain insights into the differences in unemploymentpercentages through social media input and analysis.The resultsdemonstrated that all LexDeep models with simple embedding outperformedthe SVM.This confirmed the superiority of the proposed LexDeep modelover a classical machine learning classifier in performing sentiment analysistasks for domain-specific sentiments.In terms of the risk of income loss,the unemployment issue is highly politicised on both the regional and globalscales;thus,if a country cannot combat this issue,the global economy will alsobe affected.Future research should develop a utility maximisation algorithmfor household welfare evaluation,given the percentage risk of income lossowing to COVID-19. 展开更多
关键词 sentiment analysis sentiment lexicon machine learning imbalanced data deep learning method unemployment rate
下载PDF
Sentiment Analysis and Classification Using Deep Semantic Information and Contextual Knowledge
12
作者 Ahmed Abdulhakim Al-Absi Dae-Ki Kang Mohammed Abdulhakim Al-Absi 《Computers, Materials & Continua》 SCIE EI 2023年第1期671-691,共21页
Sentiment analysis(AS)is one of the basic research directions in natural language processing(NLP),it is widely adopted for news,product review,and politics.Aspect-based sentiment analysis(ABSA)aims at identifying the ... Sentiment analysis(AS)is one of the basic research directions in natural language processing(NLP),it is widely adopted for news,product review,and politics.Aspect-based sentiment analysis(ABSA)aims at identifying the sentiment polarity of a given target context,previous existing model of sentiment analysis possesses the issue of the insufficient exaction of features which results in low accuracy.Hence this research work develops a deep-semantic and contextual knowledge networks(DSCNet).DSCNet tends to exploit the semantic and contextual knowledge to understand the context and enhance the accuracy based on given aspects.At first temporal relationships are established then deep semantic knowledge and contextual knowledge are introduced.Further,a deep integration layer is introduced to measure the importance of features for efficient extraction of different dimensions.Novelty of DSCNet model lies in introducing the deep contextual.DSCNet is evaluated on three datasets i.e.,Restaurant,Laptop,and Twitter dataset considering different deep learning(DL)metrics like precision,recall,accuracy,and Macro-F1 score.Also,comparative analysis is carried out with different baselinemethods in terms of accuracy andMacro-F1 score.DSCNet achieves 92.59%of accuracy on restaurant dataset,86.99%of accuracy on laptop dataset and 78.76%of accuracy on Twitter dataset. 展开更多
关键词 sentiment analysis aspect-sa deep learning DSCNet
下载PDF
From Social Media to Ballot Box:Leveraging Location-Aware Sentiment Analysis for Election Predictions
13
作者 Asif Khan Nada Boudjellal +2 位作者 Huaping Zhang Arshad Ahmad Maqbool Khan 《Computers, Materials & Continua》 SCIE EI 2023年第12期3037-3055,共19页
Predicting election outcomes is a crucial undertaking,and various methods are employed for this purpose,such as traditional opinion polling,and social media analysis.However,traditional polling approaches often strugg... Predicting election outcomes is a crucial undertaking,and various methods are employed for this purpose,such as traditional opinion polling,and social media analysis.However,traditional polling approaches often struggle to capture the intricate nuances of voter sentiment at local levels,resulting in a limited depth of analysis and understanding.In light of this challenge,this study focuses on predicting elections at the state/regional level along with the country level,intending to offer a comprehensive analysis and deeper insights into the electoral process.To achieve this,the study introduces the Location-Based Election Prediction Model(LEPM),which utilizes social media data,specifically Twitter,and integrates location-aware sentiment analysis techniques at both the state/region and country levels.LEPM predicts the support and opposing strength of each political party/candidate.To determine the location of users/voters who have not disclosed their location information in tweets,the model utilizes a Voter Location Detection(VotLocaDetect)approach,which leverages recent tweets/posts.The sentiment analysis techniques employed in this study include rule-based sentiment analysis,Valence Aware Dictionary and Sentiment Reasoner(VADER)as well as transformers-based sentiment analysis such as Bidirectional Encoder Representations from Transformers(BERT),BERTweet,and Election based BERT(ElecBERT).This study uses the 2020 United States(US)Presidential Election as a case study.By applying the LEPM model to the election,the study demonstrates its ability to accurately predict outcomes in forty-one states,achieving an 0.84 accuracy rate at the state level.Moreover,at the country level,the LEPM model outperforms traditional polling results.With a low Mean Absolute Error(MAE)of 0.87,the model exhibits more precise predictions and serves as a successful alternative to conventional polls and other methodologies.Leveraging the extensive social media data,the LEPM model provides nuanced insights into voter behavior,enabling policymakers to make informed decisions and facilitating in-depth analyses of elections.The study emphasizes the importance of using social media data for reliable election prediction and offers implications for enhancing prediction accuracy and understanding voter sentiment and behavior. 展开更多
关键词 sentiment analysis big data machine learning election predictions social media analysis
下载PDF
Aspect Extraction Approach for Sentiment Analysis Using Keywords
14
作者 Nafees Ayub Muhammad Ramzan Talib +1 位作者 Muhammad Kashif Hanif Muhammad Awais 《Computers, Materials & Continua》 SCIE EI 2023年第3期6879-6892,共14页
Sentiment Analysis deals with consumer reviews available on blogs,discussion forums,E-commerce websites,andApp Store.These online reviews about products are also becoming essential for consumers and companies as well.... Sentiment Analysis deals with consumer reviews available on blogs,discussion forums,E-commerce websites,andApp Store.These online reviews about products are also becoming essential for consumers and companies as well.Consumers rely on these reviews to make their decisions about products and companies are also very interested in these reviews to judge their products and services.These reviews are also a very precious source of information for requirement engineers.But companies and consumers are not very satisfied with the overall sentiment;they like fine-grained knowledge about consumer reviews.Owing to this,many researchers have developed approaches for aspect-based sentiment analysis.Most existing approaches concentrate on explicit aspects to analyze the sentiment,and only a few studies rely on capturing implicit aspects.This paper proposes a Keywords-Based Aspect Extraction method,which captures both explicit and implicit aspects.It also captures opinion words and classifies the sentiment about each aspect.We applied semantic similarity-basedWordNet and SentiWordNet lexicon to improve aspect extraction.We used different collections of customer reviews for experiment purposes,consisting of eight datasets over seven domains.We compared our approach with other state-of-the-art approaches,including Rule Selection using Greedy Algorithm(RSG),Conditional Random Fields(CRF),Rule-based Extraction(RubE),and Double Propagation(DP).Our results have shown better performance than all of these approaches. 展开更多
关键词 sentiment analysis aspect extraction keywords-based machine learning
下载PDF
Sigmoidal Particle Swarm Optimization for Twitter Sentiment Analysis
15
作者 Sandeep Kumar Muhammad Badruddin Khan +3 位作者 Mozaherul Hoque Abul Hasanat Abdul Khader Jilani Saudagar Abdullah AlTameem Mohammed AlKhathami 《Computers, Materials & Continua》 SCIE EI 2023年第1期897-914,共18页
Social media,like Twitter,is a data repository,and people exchange views on global issues like the COVID-19 pandemic.Social media has been shown to influence the low acceptance of vaccines.This work aims to identify p... Social media,like Twitter,is a data repository,and people exchange views on global issues like the COVID-19 pandemic.Social media has been shown to influence the low acceptance of vaccines.This work aims to identify public sentiments concerning the COVID-19 vaccines and better understand the individual’s sensitivities and feelings that lead to achievement.This work proposes a method to analyze the opinion of an individual’s tweet about the COVID-19 vaccines.This paper introduces a sigmoidal particle swarm optimization(SPSO)algorithm.First,the performance of SPSO is measured on a set of 12 benchmark problems,and later it is deployed for selecting optimal text features and categorizing sentiment.The proposed method uses TextBlob and VADER for sentiment analysis,CountVectorizer,and term frequency-inverse document frequency(TF-IDF)vectorizer for feature extraction,followed by SPSO-based feature selection.The Covid-19 vaccination tweets dataset was created and used for training,validating,and testing.The proposed approach outperformed considered algorithms in terms of accuracy.Additionally,we augmented the newly created dataset to make it balanced to increase performance.A classical support vector machine(SVM)gives better accuracy for the augmented dataset without a feature selection algorithm.It shows that augmentation improves the overall accuracy of tweet analysis.After the augmentation performance of PSO and SPSO is improved by almost 7%and 5%,respectively,it is observed that simple SVMwith 10-fold cross-validation significantly improved compared to the primary dataset. 展开更多
关键词 Twitter data analysis sentiment analysis social media analytics swarm intelligence COVID-19 vaccine
下载PDF
SA-Model:Multi-Feature Fusion Poetic Sentiment Analysis Based on a Hybrid Word Vector Model
16
作者 Lingli Zhang Yadong Wu +5 位作者 Qikai Chu Pan Li Guijuan Wang Weihan Zhang Yu Qiu Yi Li 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第10期631-645,共15页
Sentiment analysis in Chinese classical poetry has become a prominent topic in historical and cultural tracing,ancient literature research,etc.However,the existing research on sentiment analysis is relatively small.It... Sentiment analysis in Chinese classical poetry has become a prominent topic in historical and cultural tracing,ancient literature research,etc.However,the existing research on sentiment analysis is relatively small.It does not effectively solve the problems such as the weak feature extraction ability of poetry text,which leads to the low performance of the model on sentiment analysis for Chinese classical poetry.In this research,we offer the SA-Model,a poetic sentiment analysis model.SA-Model firstly extracts text vector information and fuses it through Bidirectional encoder representation from transformers-Whole word masking-extension(BERT-wwmext)and Enhanced representation through knowledge integration(ERNIE)to enrich text vector information;Secondly,it incorporates numerous encoders to remove text features at multiple levels,thereby increasing text feature information,improving text semantics accuracy,and enhancing the model’s learning and generalization capabilities;finally,multi-feature fusion poetry sentiment analysis model is constructed.The feasibility and accuracy of the model are validated through the ancient poetry sentiment corpus.Compared with other baseline models,the experimental findings indicate that SA-Model may increase the accuracy of text semantics and hence improve the capability of poetry sentiment analysis. 展开更多
关键词 sentiment analysis Chinese classical poetry natural language processing BERT-wwm-ext ERNIE multi-feature fusion
下载PDF
Multi-Tier Sentiment Analysis of Social Media Text Using Supervised Machine Learning
17
作者 Hameedur Rahman Junaid Tariq +3 位作者 M.Ali Masood Ahmad F.Subahi Osamah Ibrahim Khalaf Youseef Alotaibi 《Computers, Materials & Continua》 SCIE EI 2023年第3期5527-5543,共17页
Sentiment Analysis(SA)is often referred to as opinion mining.It is defined as the extraction,identification,or characterization of the sentiment from text.Generally,the sentiment of a textual document is classified in... Sentiment Analysis(SA)is often referred to as opinion mining.It is defined as the extraction,identification,or characterization of the sentiment from text.Generally,the sentiment of a textual document is classified into binary classes i.e.,positive and negative.However,fine-grained classification provides a better insight into the sentiments.The downside is that fine-grained classification is more challenging as compared to binary.On the contrary,performance deteriorates significantly in the case of multi-class classification.In this study,pre-processing techniques and machine learning models for the multi-class classification of sentiments were explored.To augment the performance,a multi-layer classification model has been proposed.Owing to similitude with social media text,the movie reviews dataset has been used for the implementation.Supervised machine learning models namely Decision Tree,Support Vector Machine,and Naive Bayes models have been implemented for the task of sentiment classification.We have compared the models of single-layer architecture with multi-tier model.The results of Multi-tier model have slight improvement over the single-layer architecture.Moreover,multi-tier models have better recall which allow our proposed model to learn more context.We have discussed certain shortcomings of the model that will help researchers to design multi-tier models with more contextual information. 展开更多
关键词 sentiment analysis machine learning multi-class classification SVM decision tree naive bayes
下载PDF
Topic Modelling and Sentimental Analysis of Students’Reviews
18
作者 Omer S.Alkhnbashi Rasheed Mohammad Nassr 《Computers, Materials & Continua》 SCIE EI 2023年第3期6835-6848,共14页
Globally,educational institutions have reported a dramatic shift to online learning in an effort to contain the COVID-19 pandemic.The fundamental concern has been the continuance of education.As a result,several novel... Globally,educational institutions have reported a dramatic shift to online learning in an effort to contain the COVID-19 pandemic.The fundamental concern has been the continuance of education.As a result,several novel solutions have been developed to address technical and pedagogical issues.However,these were not the only difficulties that students faced.The implemented solutions involved the operation of the educational process with less regard for students’changing circumstances,which obliged them to study from home.Students should be asked to provide a full list of their concerns.As a result,student reflections,including those from Saudi Arabia,have been analysed to identify obstacles encountered during the COVID-19 pandemic.However,most of the analyses relied on closed-ended questions,which limited student involvement.To delve into students’responses,this study used open-ended questions,a qualitative method(content analysis),a quantitative method(topic modelling),and a sentimental analysis.This study also looked at students’emotional states during and after the COVID-19 pandemic.In terms of determining trends in students’input,the results showed that quantitative and qualitative methods produced similar outcomes.Students had unfavourable sentiments about studying during COVID-19 and positive sentiments about the face-to-face study.Furthermore,topic modelling has revealed that the majority of difficulties are more related to the environment(home)and social life.Students were less accepting of online learning.As a result,it is possible to conclude that face-to-face study still attracts students and provides benefits that online study cannot,such as social interaction and effective eye-to-eye communication. 展开更多
关键词 Topic modelling sentimental analysis COVID-19 students’input
下载PDF
Deep Learning Based Sentiment Analysis of COVID-19 Tweets via Resampling and Label Analysis
19
作者 Mamoona Humayun Danish Javed +2 位作者 Nz Jhanjhi Maram Fahaad Almufareh Saleh Naif Almuayqil 《Computer Systems Science & Engineering》 SCIE EI 2023年第10期575-591,共17页
Twitter has emerged as a platform that produces new data every day through its users which can be utilized for various purposes.People express their unique ideas and views onmultiple topics thus providing vast knowled... Twitter has emerged as a platform that produces new data every day through its users which can be utilized for various purposes.People express their unique ideas and views onmultiple topics thus providing vast knowledge.Sentiment analysis is critical from the corporate and political perspectives as it can impact decision-making.Since the proliferation of COVID-19,it has become an important challenge to detect the sentiment of COVID-19-related tweets so that people’s opinions can be tracked.The purpose of this research is to detect the sentiment of people regarding this problem with limited data as it can be challenging considering the various textual characteristics that must be analyzed.Hence,this research presents a deep learning-based model that utilizes the positives of random minority oversampling combined with class label analysis to achieve the best results for sentiment analysis.This research specifically focuses on utilizing class label analysis to deal with the multiclass problem by combining the class labels with a similar overall sentiment.This can be particularly helpful when dealing with smaller datasets.Furthermore,our proposed model integrates various preprocessing steps with random minority oversampling and various deep learning algorithms including standard deep learning and bi-directional deep learning algorithms.This research explores several algorithms and their impact on sentiment analysis tasks and concludes that bidirectional neural networks do not provide any advantage over standard neural networks as standard Neural Networks provide slightly better results than their bidirectional counterparts.The experimental results validate that our model offers excellent results with a validation accuracy of 92.5%and an F1 measure of 0.92. 展开更多
关键词 Bi-directional deep learning RESAMPLING random minority oversampling sentiment analysis class label analysis
下载PDF
Leveraging Vision-Language Pre-Trained Model and Contrastive Learning for Enhanced Multimodal Sentiment Analysis
20
作者 Jieyu An Wan Mohd Nazmee Wan Zainon Binfen Ding 《Intelligent Automation & Soft Computing》 SCIE 2023年第8期1673-1689,共17页
Multimodal sentiment analysis is an essential area of research in artificial intelligence that combines multiple modes,such as text and image,to accurately assess sentiment.However,conventional approaches that rely on... Multimodal sentiment analysis is an essential area of research in artificial intelligence that combines multiple modes,such as text and image,to accurately assess sentiment.However,conventional approaches that rely on unimodal pre-trained models for feature extraction from each modality often overlook the intrinsic connections of semantic information between modalities.This limitation is attributed to their training on unimodal data,and necessitates the use of complex fusion mechanisms for sentiment analysis.In this study,we present a novel approach that combines a vision-language pre-trained model with a proposed multimodal contrastive learning method.Our approach harnesses the power of transfer learning by utilizing a vision-language pre-trained model to extract both visual and textual representations in a unified framework.We employ a Transformer architecture to integrate these representations,thereby enabling the capture of rich semantic infor-mation in image-text pairs.To further enhance the representation learning of these pairs,we introduce our proposed multimodal contrastive learning method,which leads to improved performance in sentiment analysis tasks.Our approach is evaluated through extensive experiments on two publicly accessible datasets,where we demonstrate its effectiveness.We achieve a significant improvement in sentiment analysis accuracy,indicating the supe-riority of our approach over existing techniques.These results highlight the potential of multimodal sentiment analysis and underscore the importance of considering the intrinsic semantic connections between modalities for accurate sentiment assessment. 展开更多
关键词 Multimodal sentiment analysis vision–language pre-trained model contrastive learning sentiment classification
下载PDF
上一页 1 2 126 下一页 到第
使用帮助 返回顶部