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.展开更多
Currently,the sentiment analysis research in the Malaysian context lacks in terms of the availability of the sentiment lexicon.Thus,this issue is addressed in this paper in order to enhance the accuracy of sentiment a...Currently,the sentiment analysis research in the Malaysian context lacks in terms of the availability of the sentiment lexicon.Thus,this issue is addressed in this paper in order to enhance the accuracy of sentiment analysis.In this study,a new lexicon for sentiment analysis is constructed.A detailed review of existing approaches has been conducted,and a new bilingual sentiment lexicon known as MELex(Malay-English Lexicon)has been generated.Constructing MELex involves three activities:seed words selection,polarity assignment,and synonym expansions.Our approach differs from previous works in that MELex can analyze text for the two most widely used languages in Malaysia,Malay,and English,with the accuracy achieved,is 90%.It is evaluated based on the experimentation and case study approaches where the affordable housing projects in Malaysia are selected as case projects.This finding has given an implication on the ability of MELex to analyze public sentiments in the Malaysian context.The novel aspects of this paper are two-fold.Firstly,it introduces the new technique in assigning the polarity score,and second,it improves the performance over the classification of mixed language content.展开更多
A novel method of constructing sentiment lexicon of new words(SLNW)is proposed to realize effective Weibo sentiment analysis by integrating existing lexicons of sentiments,lexicons of degree,negation and network.Based...A novel method of constructing sentiment lexicon of new words(SLNW)is proposed to realize effective Weibo sentiment analysis by integrating existing lexicons of sentiments,lexicons of degree,negation and network.Based on left-right entropy and mutual information(MI)neologism discovery algorithms,this new algorithm divides N-gram to obtain strings dynamically instead of relying on fixed sliding window when using Trie as data structure.The sentiment-oriented point mutual information(SO-PMI)algorithm with Laplacian smoothing is used to distinguish sentiment tendency of new words found in the data set to form SLNW by putting new words to basic sentiment lexicon.Experiments show that the sentiment analysis based on SLNW performs better than others.Precision,recall and F-measure are improved in both topic and non-topic Weibo data sets.展开更多
People utilize microblogs and other social media platforms to express their thoughts and feelings regarding current events,public products and the latest affairs.People share their thoughts and feelings about various ...People utilize microblogs and other social media platforms to express their thoughts and feelings regarding current events,public products and the latest affairs.People share their thoughts and feelings about various topics,including products,news,blogs,etc.In user reviews and tweets,sentiment analysis is used to discover opinions and feelings.Sentiment polarity is a term used to describe how sentiment is represented.Positive,neutral and negative are all examples of it.This area is still in its infancy and needs several critical upgrades.Slang and hidden emotions can detract from the accuracy of traditional techniques.Existing methods only evaluate the polarity strength of the sentiment words when dividing them into positive and negative categories.Some existing strategies are domain-specific.The proposed model incorporates aspect extraction,association rule mining and the deep learning technique Bidirectional EncoderRepresentations from Transformers(BERT).Aspects are extracted using Part of Speech Tagger and association rulemining is used to associate aspects with opinion words.Later,classification was performed using BER.The proposed approach attained an average of 89.45%accuracy,88.45%precision and 85.98%recall on different datasets of products and Twitter.The results showed that the proposed technique achieved better than state-of-the-art sentiment analysis techniques.展开更多
Millions of people are connecting and exchanging information on social media platforms,where interpersonal interactions are constantly being shared.However,due to inaccurate or misleading information about the COVID-1...Millions of people are connecting and exchanging information on social media platforms,where interpersonal interactions are constantly being shared.However,due to inaccurate or misleading information about the COVID-19 pandemic,social media platforms became the scene of tense debates between believers and doubters.Healthcare professionals and public health agencies also use social media to inform the public about COVID-19 news and updates.However,they occasionally have trouble managing massive pandemic-related rumors and frauds.One reason is that people share and engage,regardless of the information source,by assuming the content is unquestionably true.On Twitter,users use words and phrases literally to convey their views or opinion.However,other users choose to utilize idioms or proverbs that are implicit and indirect to make a stronger impression on the audience or perhaps to catch their attention.Idioms and proverbs are figurative expressions with a thematically coherent totality that cannot understand literally.Despite more than 10%of tweets containing idioms or slang,most sentiment analysis research focuses on the accuracy enhancement of various classification algorithms.However,little attention would decipher the hidden sentiments of the expressed idioms in tweets.This paper proposes a novel data expansion strategy for categorizing tweets concerning COVID-19.The following are the benefits of the suggested method:1)no transformer fine-tuning is necessary,2)the technique solves the fundamental challenge of the manual data labeling process by automating the construction and annotation of the sentiment lexicon,3)the method minimizes the error rate in annotating the lexicon,and drastically improves the tweet sentiment classification’s accuracy performance.展开更多
Sentiment Analysis(SA)is one of the Machine Learning(ML)techniques that has been investigated by several researchers in recent years,especially due to the evolution of novel data collection methods focused on social m...Sentiment Analysis(SA)is one of the Machine Learning(ML)techniques that has been investigated by several researchers in recent years,especially due to the evolution of novel data collection methods focused on social media.In literature,it has been reported that SA data is created for English language in excess of any other language.It is challenging to perform SA for Arabic Twitter data owing to informal nature and rich morphology of Arabic language.An earlier study conducted upon SA for Arabic Twitter focused mostly on automatic extraction of the features from the text.Neural word embedding has been employed in literature,since it is less labor-intensive than automatic feature engineering.By ignoring the context of sentiment,most of the word-embedding models follow syntactic data of words.The current study presents a new Dragonfly Optimization with Deep Learning Enabled Sentiment Analysis for Arabic Tweets(DFODLSAAT)model.The aim of the presented DFODL-SAAT model is to distinguish the sentiments from opinions that are tweeted in Arabic language.At first,data cleaning and pre-processing steps are performed to convert the input tweets into a useful format.In addition,TF-IDF model is exploited as a feature extractor to generate the feature vectors.Besides,Attention-based Bidirectional Long Short Term Memory(ABLSTM)technique is applied for identification and classification of sentiments.At last,the hyperparameters of ABLSTM model are optimized using DFO algorithm.The performance of the proposed DFODL-SAAT model was validated using the benchmark dataset and the outcomes were investigated under different aspects.The experimental outcomes highlight the superiority of DFODL-SAAT model over recent approaches.展开更多
Automatic extraction of the patient’s health information from the unstructured data concerning the discharge summary remains challenging.Discharge summary related documents contain various aspects of the patient heal...Automatic extraction of the patient’s health information from the unstructured data concerning the discharge summary remains challenging.Discharge summary related documents contain various aspects of the patient health condition to examine the quality of treatment and thereby help improve decision-making in the medical field.Using a sentiment dictionary and feature engineering,the researchers primarily mine semantic text features.However,choosing and designing features requires a lot of manpower.The proposed approach is an unsupervised deep learning model that learns a set of clusters embedded in the latent space.A composite model including Active Learning(AL),Convolutional Neural Network(CNN),BiGRU,and Multi-Attention,called ACBMA in this research,is designed to measure the quality of treatment based on discharge summaries text sentiment detection.CNN is utilized for extracting the set of local features of text vectors.Then BiGRU network was utilized to extract the text’s global features to solve the issues that a single CNN cannot obtain global semantic information and the traditional Recurrent Neural Network(RNN)gradient disappearance.Experiments prove that the ACBMA method can demonstrate the effectiveness of the suggested method,achieve comparable results to state-of-arts methods in sentiment detection,and outperform them with accurate benchmarks.Finally,several algorithm studies ultimately determined that the ACBMA method is more precise for discharge summaries sentiment analysis.展开更多
Sentiment analysis is based on the orientation of user attitudes and satisfaction towards services and subjects.Different methods and techniques have been introduced to analyze sentiments for obtaining high accuracy.T...Sentiment analysis is based on the orientation of user attitudes and satisfaction towards services and subjects.Different methods and techniques have been introduced to analyze sentiments for obtaining high accuracy.The sentiment analysis accuracy depends mainly on supervised and unsupervised mechanisms.Supervised mechanisms are based on machine learning algorithms that achieve moderate or high accuracy but the manual annotation of data is considered a time-consuming process.In unsupervised mechanisms,a lexicon is constructed for storing polarity terms.The accuracy of analyzing data is considered moderate or low if the lexicon contains small terms.In addition,most research methodologies analyze datasets using only 3-weight polarity that can mainly affect the performance of the analysis process.Applying both methods for obtaining high accuracy and efficiency with low user intervention during the analysis process is considered a challenging process.This paper provides a comprehensive evaluation of polarity weights and mechanisms for recent sentiment analysis research.A semi-supervised framework is applied for processing data using both lexicon and machine learning algorithms.An interactive sentiment analysis algorithm is proposed for distributing multi-weight polarities on Arabic lexicons that contain high morphological and linguistic terms.An enhanced scaling algorithm is embedded in the multi-weight algorithm to assign recommended weight polarities automatically.The experimental results are conducted on two datasets to measure the over-all accuracy of proposed algorithms that achieved high results when compared to machine learning algorithms.展开更多
心理咨询场景下的情感分类旨在获得咨询者话语的情感倾向,为建立心理咨询AI助手提供支持。现有的方法利用语境信息获取文本情感倾向,但未考虑对话记录中当前句与前向近邻句之间的情感传递。针对这一问题,提出一种基于交互注意力(AOA)机...心理咨询场景下的情感分类旨在获得咨询者话语的情感倾向,为建立心理咨询AI助手提供支持。现有的方法利用语境信息获取文本情感倾向,但未考虑对话记录中当前句与前向近邻句之间的情感传递。针对这一问题,提出一种基于交互注意力(AOA)机制的心理咨询文本情感分类模型,根据时序对历史情感词分配权重,进而提高分类准确率。利用构建的心理健康情感词典分别提取对话双方的历史情感词序列,再将当前句和历史情感词序列输入到双向长短期记忆(BiLSTM)网络获取对应的特征向量,并利用艾宾浩斯遗忘曲线对历史情感词序列分配权重。通过AOA机制获得惯性特征和交互特征,并结合文本特征输入到分类层计算情感倾向概率。在公开数据集Emotional First Aid Dataset上的实验结果表明,相较于Caps-DGCN(Capsule network and Directional Graph Convolutional Network)模型,所提模型的F1值提高了1.55%。可见,所提模型可以有效提升心理咨询文本的情感分类效果。展开更多
基金funded by the Deanship of Scientific Research at Princess Nourah bint Abdulrahman University,through the Research Groups Program Grant no.(RGP-1443-0045).
文摘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.
文摘Currently,the sentiment analysis research in the Malaysian context lacks in terms of the availability of the sentiment lexicon.Thus,this issue is addressed in this paper in order to enhance the accuracy of sentiment analysis.In this study,a new lexicon for sentiment analysis is constructed.A detailed review of existing approaches has been conducted,and a new bilingual sentiment lexicon known as MELex(Malay-English Lexicon)has been generated.Constructing MELex involves three activities:seed words selection,polarity assignment,and synonym expansions.Our approach differs from previous works in that MELex can analyze text for the two most widely used languages in Malaysia,Malay,and English,with the accuracy achieved,is 90%.It is evaluated based on the experimentation and case study approaches where the affordable housing projects in Malaysia are selected as case projects.This finding has given an implication on the ability of MELex to analyze public sentiments in the Malaysian context.The novel aspects of this paper are two-fold.Firstly,it introduces the new technique in assigning the polarity score,and second,it improves the performance over the classification of mixed language content.
基金Natural Science Foundation of Shanghai,China(No.18ZR1401200)Special Fund for Innovation and Development of Shanghai Industrial Internet,China(No.2019-GYHLW-01004)。
文摘A novel method of constructing sentiment lexicon of new words(SLNW)is proposed to realize effective Weibo sentiment analysis by integrating existing lexicons of sentiments,lexicons of degree,negation and network.Based on left-right entropy and mutual information(MI)neologism discovery algorithms,this new algorithm divides N-gram to obtain strings dynamically instead of relying on fixed sliding window when using Trie as data structure.The sentiment-oriented point mutual information(SO-PMI)algorithm with Laplacian smoothing is used to distinguish sentiment tendency of new words found in the data set to form SLNW by putting new words to basic sentiment lexicon.Experiments show that the sentiment analysis based on SLNW performs better than others.Precision,recall and F-measure are improved in both topic and non-topic Weibo data sets.
文摘People utilize microblogs and other social media platforms to express their thoughts and feelings regarding current events,public products and the latest affairs.People share their thoughts and feelings about various topics,including products,news,blogs,etc.In user reviews and tweets,sentiment analysis is used to discover opinions and feelings.Sentiment polarity is a term used to describe how sentiment is represented.Positive,neutral and negative are all examples of it.This area is still in its infancy and needs several critical upgrades.Slang and hidden emotions can detract from the accuracy of traditional techniques.Existing methods only evaluate the polarity strength of the sentiment words when dividing them into positive and negative categories.Some existing strategies are domain-specific.The proposed model incorporates aspect extraction,association rule mining and the deep learning technique Bidirectional EncoderRepresentations from Transformers(BERT).Aspects are extracted using Part of Speech Tagger and association rulemining is used to associate aspects with opinion words.Later,classification was performed using BER.The proposed approach attained an average of 89.45%accuracy,88.45%precision and 85.98%recall on different datasets of products and Twitter.The results showed that the proposed technique achieved better than state-of-the-art sentiment analysis techniques.
基金This work was supported in part by the UTAR Research Fund(IPSR/RMC/U TARRF/2020-C1/R01).
文摘Millions of people are connecting and exchanging information on social media platforms,where interpersonal interactions are constantly being shared.However,due to inaccurate or misleading information about the COVID-19 pandemic,social media platforms became the scene of tense debates between believers and doubters.Healthcare professionals and public health agencies also use social media to inform the public about COVID-19 news and updates.However,they occasionally have trouble managing massive pandemic-related rumors and frauds.One reason is that people share and engage,regardless of the information source,by assuming the content is unquestionably true.On Twitter,users use words and phrases literally to convey their views or opinion.However,other users choose to utilize idioms or proverbs that are implicit and indirect to make a stronger impression on the audience or perhaps to catch their attention.Idioms and proverbs are figurative expressions with a thematically coherent totality that cannot understand literally.Despite more than 10%of tweets containing idioms or slang,most sentiment analysis research focuses on the accuracy enhancement of various classification algorithms.However,little attention would decipher the hidden sentiments of the expressed idioms in tweets.This paper proposes a novel data expansion strategy for categorizing tweets concerning COVID-19.The following are the benefits of the suggested method:1)no transformer fine-tuning is necessary,2)the technique solves the fundamental challenge of the manual data labeling process by automating the construction and annotation of the sentiment lexicon,3)the method minimizes the error rate in annotating the lexicon,and drastically improves the tweet sentiment classification’s accuracy performance.
基金The authors are thankful to the Deanship of Scientific Research at Najran University for funding this work under the National Research Priorities funding program,support under code number:NU/NRP/SERC/11/3.
文摘Sentiment Analysis(SA)is one of the Machine Learning(ML)techniques that has been investigated by several researchers in recent years,especially due to the evolution of novel data collection methods focused on social media.In literature,it has been reported that SA data is created for English language in excess of any other language.It is challenging to perform SA for Arabic Twitter data owing to informal nature and rich morphology of Arabic language.An earlier study conducted upon SA for Arabic Twitter focused mostly on automatic extraction of the features from the text.Neural word embedding has been employed in literature,since it is less labor-intensive than automatic feature engineering.By ignoring the context of sentiment,most of the word-embedding models follow syntactic data of words.The current study presents a new Dragonfly Optimization with Deep Learning Enabled Sentiment Analysis for Arabic Tweets(DFODLSAAT)model.The aim of the presented DFODL-SAAT model is to distinguish the sentiments from opinions that are tweeted in Arabic language.At first,data cleaning and pre-processing steps are performed to convert the input tweets into a useful format.In addition,TF-IDF model is exploited as a feature extractor to generate the feature vectors.Besides,Attention-based Bidirectional Long Short Term Memory(ABLSTM)technique is applied for identification and classification of sentiments.At last,the hyperparameters of ABLSTM model are optimized using DFO algorithm.The performance of the proposed DFODL-SAAT model was validated using the benchmark dataset and the outcomes were investigated under different aspects.The experimental outcomes highlight the superiority of DFODL-SAAT model over recent approaches.
基金This work was supported by the National Natural Science Foundation of China(Grant No.U1811262).
文摘Automatic extraction of the patient’s health information from the unstructured data concerning the discharge summary remains challenging.Discharge summary related documents contain various aspects of the patient health condition to examine the quality of treatment and thereby help improve decision-making in the medical field.Using a sentiment dictionary and feature engineering,the researchers primarily mine semantic text features.However,choosing and designing features requires a lot of manpower.The proposed approach is an unsupervised deep learning model that learns a set of clusters embedded in the latent space.A composite model including Active Learning(AL),Convolutional Neural Network(CNN),BiGRU,and Multi-Attention,called ACBMA in this research,is designed to measure the quality of treatment based on discharge summaries text sentiment detection.CNN is utilized for extracting the set of local features of text vectors.Then BiGRU network was utilized to extract the text’s global features to solve the issues that a single CNN cannot obtain global semantic information and the traditional Recurrent Neural Network(RNN)gradient disappearance.Experiments prove that the ACBMA method can demonstrate the effectiveness of the suggested method,achieve comparable results to state-of-arts methods in sentiment detection,and outperform them with accurate benchmarks.Finally,several algorithm studies ultimately determined that the ACBMA method is more precise for discharge summaries sentiment analysis.
基金funded by the Deanship of Scientific Research at Jouf University under Grant No.(DSR-2021-02-0102)。
文摘Sentiment analysis is based on the orientation of user attitudes and satisfaction towards services and subjects.Different methods and techniques have been introduced to analyze sentiments for obtaining high accuracy.The sentiment analysis accuracy depends mainly on supervised and unsupervised mechanisms.Supervised mechanisms are based on machine learning algorithms that achieve moderate or high accuracy but the manual annotation of data is considered a time-consuming process.In unsupervised mechanisms,a lexicon is constructed for storing polarity terms.The accuracy of analyzing data is considered moderate or low if the lexicon contains small terms.In addition,most research methodologies analyze datasets using only 3-weight polarity that can mainly affect the performance of the analysis process.Applying both methods for obtaining high accuracy and efficiency with low user intervention during the analysis process is considered a challenging process.This paper provides a comprehensive evaluation of polarity weights and mechanisms for recent sentiment analysis research.A semi-supervised framework is applied for processing data using both lexicon and machine learning algorithms.An interactive sentiment analysis algorithm is proposed for distributing multi-weight polarities on Arabic lexicons that contain high morphological and linguistic terms.An enhanced scaling algorithm is embedded in the multi-weight algorithm to assign recommended weight polarities automatically.The experimental results are conducted on two datasets to measure the over-all accuracy of proposed algorithms that achieved high results when compared to machine learning algorithms.
文摘心理咨询场景下的情感分类旨在获得咨询者话语的情感倾向,为建立心理咨询AI助手提供支持。现有的方法利用语境信息获取文本情感倾向,但未考虑对话记录中当前句与前向近邻句之间的情感传递。针对这一问题,提出一种基于交互注意力(AOA)机制的心理咨询文本情感分类模型,根据时序对历史情感词分配权重,进而提高分类准确率。利用构建的心理健康情感词典分别提取对话双方的历史情感词序列,再将当前句和历史情感词序列输入到双向长短期记忆(BiLSTM)网络获取对应的特征向量,并利用艾宾浩斯遗忘曲线对历史情感词序列分配权重。通过AOA机制获得惯性特征和交互特征,并结合文本特征输入到分类层计算情感倾向概率。在公开数据集Emotional First Aid Dataset上的实验结果表明,相较于Caps-DGCN(Capsule network and Directional Graph Convolutional Network)模型,所提模型的F1值提高了1.55%。可见,所提模型可以有效提升心理咨询文本的情感分类效果。