Sentiment analysis is a method to identify and understand the emotion in the text through NLP and text analysis. In the era of information technology, there is often a certain error between the comments on the movie w...Sentiment analysis is a method to identify and understand the emotion in the text through NLP and text analysis. In the era of information technology, there is often a certain error between the comments on the movie website and the actual score of the movie, and sentiment analysis technology provides a new way to solve this problem. In this paper, Python is used to obtain the movie review data from the Douban platform, and the model is constructed and trained by using naive Bayes and Bi-LSTM. According to the index, a better Bi-LSTM model is selected to classify the emotion of users’ movie reviews, and the classification results are scored according to the classification results, and compared with the real ratings on the website. According to the error of the final comparison results, the feasibility of this technology in the scoring direction of film reviews is being verified. By applying this technology, the phenomenon of film rating distortion in the information age can be prevented and the rights and interests of film and television works can be safeguarded.展开更多
In this paper,we propose a method for estimating emotion in Wakamono Kotoba that were not registered in the system,by using Wakamono Kotoba example sentences as features.The proposed method applies Earth Mover's D...In this paper,we propose a method for estimating emotion in Wakamono Kotoba that were not registered in the system,by using Wakamono Kotoba example sentences as features.The proposed method applies Earth Mover's Distance(EMD) to vector of words.As a result of the evaluation experiment using 14 440 sentences,higher estimation accuracy is obtained by considering emotional distance between words-an approach that had not been used in the conventional research-than by using only word importance value.展开更多
Semi-supervised discriminant analysis SDA which uses a combination of multiple embedding graphs and kernel SDA KSDA are adopted in supervised speech emotion recognition.When the emotional factors of speech signal samp...Semi-supervised discriminant analysis SDA which uses a combination of multiple embedding graphs and kernel SDA KSDA are adopted in supervised speech emotion recognition.When the emotional factors of speech signal samples are preprocessed different categories of features including pitch zero-cross rate energy durance formant and Mel frequency cepstrum coefficient MFCC as well as their statistical parameters are extracted from the utterances of samples.In the dimensionality reduction stage before the feature vectors are sent into classifiers parameter-optimized SDA and KSDA are performed to reduce dimensionality.Experiments on the Berlin speech emotion database show that SDA for supervised speech emotion recognition outperforms some other state-of-the-art dimensionality reduction methods based on spectral graph learning such as linear discriminant analysis LDA locality preserving projections LPP marginal Fisher analysis MFA etc. when multi-class support vector machine SVM classifiers are used.Additionally KSDA can achieve better recognition performance based on kernelized data mapping compared with the above methods including SDA.展开更多
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.展开更多
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, 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%.展开更多
Multimodal sentiment analysis aims to understand people’s emotions and opinions from diverse data.Concate-nating or multiplying various modalities is a traditional multi-modal sentiment analysis fusion method.This fu...Multimodal sentiment analysis aims to understand people’s emotions and opinions from diverse data.Concate-nating or multiplying various modalities is a traditional multi-modal sentiment analysis fusion method.This fusion method does not utilize the correlation information between modalities.To solve this problem,this paper proposes amodel based on amulti-head attention mechanism.First,after preprocessing the original data.Then,the feature representation is converted into a sequence of word vectors and positional encoding is introduced to better understand the semantic and sequential information in the input sequence.Next,the input coding sequence is fed into the transformer model for further processing and learning.At the transformer layer,a cross-modal attention consisting of a pair of multi-head attention modules is employed to reflect the correlation between modalities.Finally,the processed results are input into the feedforward neural network to obtain the emotional output through the classification layer.Through the above processing flow,the model can capture semantic information and contextual relationships and achieve good results in various natural language processing tasks.Our model was tested on the CMU Multimodal Opinion Sentiment and Emotion Intensity(CMU-MOSEI)and Multimodal EmotionLines Dataset(MELD),achieving an accuracy of 82.04% and F1 parameters reached 80.59% on the former dataset.展开更多
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.展开更多
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.展开更多
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.展开更多
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.展开更多
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.展开更多
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.展开更多
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.展开更多
Background:Knowledge around emotional intelligence originated in the 1990s from research regarding thoughts,emotions and abilities.The concept of emotional intelligence has evolved over the last 25 years;however,the u...Background:Knowledge around emotional intelligence originated in the 1990s from research regarding thoughts,emotions and abilities.The concept of emotional intelligence has evolved over the last 25 years;however,the understanding and use is still unclear.Despite this,emotional intelligence has been a widely-considered concept within professions such as business,management,education,and within the last 10 years has gained traction within nursing practice.Aims and objectives:The aim of this concept review is to clarify the understanding of the concept emotional intelligence,what attributes signify emotional intelligence,what are its antecedents,consequences,related terms and implications to advance nursing practice.Method:A computerized search was guided by Rodger's evolutional concept analysis.Data courses included:CINAHL,PyschINFO,Scopus,EMBASE and ProQuest,focusing on articles published in Canada and the United Stated during 1990e2017.Results:A total of 23 articles from various bodies of disciplines were included in this integrative concept review.The analysis reveals that there are many inconsistencies regarding the description of emotional intelligence,however,four common attributes were discovered:self-awareness,self-management,social awareness and social/relationship management.These attributes facilitate the emotional well-being among advance practice nurses and enhances the ability to practice in a way that will benefit patients,families,colleagues and advance practice nurses as working professionals and as individuals.Conclusion:The integration of emotional intelligence is supported within several disciplines as there is consensus on the impact that emotional intelligence has on job satisfaction,stress level,burnout and helps to facilitate a positive environment.Explicit to advance practice nursing,emotional intelligence is a concept that may be central to nursing practice as it has the potential to impact the quality of patient care and outcomes,decision-making,critical thinking and overall the well-being of practicing nurses.展开更多
Textual Emotion Analysis(TEA)aims to extract and analyze user emotional states in texts.Various Deep Learning(DL)methods have developed rapidly,and they have proven to be successful in many fields such as audio,image,...Textual Emotion Analysis(TEA)aims to extract and analyze user emotional states in texts.Various Deep Learning(DL)methods have developed rapidly,and they have proven to be successful in many fields such as audio,image,and natural language processing.This trend has drawn increasing researchers away from traditional machine learning to DL for their scientific research.In this paper,we provide an overview of TEA based on DL methods.After introducing a background for emotion analysis that includes defining emotion,emotion classification methods,and application domains of emotion analysis,we summarize DL technology,and the word/sentence representation learning method.We then categorize existing TEA methods based on text structures and linguistic types:text-oriented monolingual methods,text conversations-oriented monolingual methods,text-oriented cross-linguistic methods,and emoji-oriented cross-linguistic methods.We close by discussing emotion analysis challenges and future research trends.We hope that our survey will assist readers in understanding the relationship between TEA and DL methods while also improving TEA development.展开更多
As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practica...As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practical application value.Emotion research based on the social network is a relatively new topic in the field of psychology and medical health research.The text emotion analysis of college students also has an important research significance for the emotional state of students at a certain time or a certain period,so as to understand their normal state,abnormal state and the reason of state change from the information they wrote.In view of the fact that convolutional neural network cannot make full use of the unique emotional information in sentences,and the need to label a large number of highquality training sets for emotional analysis to improve the accuracy of the model,an emotional analysismodel using the emotional dictionary andmultichannel convolutional neural network is proposed in this paper.Firstly,the input matrix of emotion dictionary is constructed according to the emotion information,and the different feature information of sentences is combined to form different network input channels,so that the model can learn the emotion information of input sentences from various feature representations in the training process.Then,the loss function is reconstructed to realize the semi supervised learning of the network.Finally,experiments are carried on COAE 2014 and self-built data sets.The proposed model can not only extract more semantic information in emotional text,but also learn the hidden emotional information in emotional text.The experimental results show that the proposed emotion analysis model can achieve a better classification performance.Compared with the best benchmark model gram-CNN,the F1 value can be increased by 0.026 in the self-built data set,and it can be increased by 0.032 in the COAE 2014 data set.展开更多
In recent years,renewable energy technologies have been developed vigorously,and related supporting policies have been issued.The developmental trend of different energy sources directly affects the future development...In recent years,renewable energy technologies have been developed vigorously,and related supporting policies have been issued.The developmental trend of different energy sources directly affects the future developmental pattern of the energy and power industry.Energy trend research can be quantified through data statistics and model calculations;however,parameter settings and optimization are difficult,and the analysis results sometimes do not reflect objective reality.This paper proposes an energy and power information analysis method based on emotion mining.This method collects energy commentary news and literature reports from many authoritative media around the world and builds a convolutional neural network model and a text analysis model for topic classification and positive/negative emotion evaluation,which helps obtain text evaluation matrixes for all collected texts.Finally,a long-short-term memory model algorithm is employed to predict the future development prospects and market trends for various types of energy based on the analyzed emotions in different time spans.Experimental results indicate that energy trend analysis based on this method is consistent with the real scenario,has good applicability,and can provide a useful reference for the development of energy and power resources and of other industry areas as well.展开更多
In this paper,we describe a method of emotion analysis on social big data.Social big data means text data that is emerging on Internet social networking services.We collect multilingual web corpora and annotated emoti...In this paper,we describe a method of emotion analysis on social big data.Social big data means text data that is emerging on Internet social networking services.We collect multilingual web corpora and annotated emotion tags to these corpora for the purpose of emotion analysis.Because these data are constructed by manual annotation,their quality is high but their quantity is low.If we create an emotion analysis model based on this corpus with high quality and use the model for the analysis of social big data,we might be able to statistically analyze emotional sensesand behavior of the people in Internet communications,which we could not know before.In this paper,we create an emotion analysis model that integrate the highquality emotion corpus and the automaticconstructed corpus that we created in our past studies,and then analyze a large-scale corpus consisting of Twitter tweets based on the model.As the result of time-series analysis on the large-scale corpus and the result of model evaluation,we show the effectiveness of our proposed method.展开更多
文摘Sentiment analysis is a method to identify and understand the emotion in the text through NLP and text analysis. In the era of information technology, there is often a certain error between the comments on the movie website and the actual score of the movie, and sentiment analysis technology provides a new way to solve this problem. In this paper, Python is used to obtain the movie review data from the Douban platform, and the model is constructed and trained by using naive Bayes and Bi-LSTM. According to the index, a better Bi-LSTM model is selected to classify the emotion of users’ movie reviews, and the classification results are scored according to the classification results, and compared with the real ratings on the website. According to the error of the final comparison results, the feasibility of this technology in the scoring direction of film reviews is being verified. By applying this technology, the phenomenon of film rating distortion in the information age can be prevented and the rights and interests of film and television works can be safeguarded.
基金supported by the Ministry of Education,Science,Sports and Culture,Grant-in-Aid for Scientific Research under Grants No.22240021,No.21300036the Grant-in-Aid for Young Scientists under Grant No.23700252
文摘In this paper,we propose a method for estimating emotion in Wakamono Kotoba that were not registered in the system,by using Wakamono Kotoba example sentences as features.The proposed method applies Earth Mover's Distance(EMD) to vector of words.As a result of the evaluation experiment using 14 440 sentences,higher estimation accuracy is obtained by considering emotional distance between words-an approach that had not been used in the conventional research-than by using only word importance value.
基金The National Natural Science Foundation of China(No.61231002,61273266)the Ph.D.Programs Foundation of Ministry of Education of China(No.20110092130004)
文摘Semi-supervised discriminant analysis SDA which uses a combination of multiple embedding graphs and kernel SDA KSDA are adopted in supervised speech emotion recognition.When the emotional factors of speech signal samples are preprocessed different categories of features including pitch zero-cross rate energy durance formant and Mel frequency cepstrum coefficient MFCC as well as their statistical parameters are extracted from the utterances of samples.In the dimensionality reduction stage before the feature vectors are sent into classifiers parameter-optimized SDA and KSDA are performed to reduce dimensionality.Experiments on the Berlin speech emotion database show that SDA for supervised speech emotion recognition outperforms some other state-of-the-art dimensionality reduction methods based on spectral graph learning such as linear discriminant analysis LDA locality preserving projections LPP marginal Fisher analysis MFA etc. when multi-class support vector machine SVM classifiers are used.Additionally KSDA can achieve better recognition performance based on kernelized data mapping compared with the above methods including SDA.
文摘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.
基金supported in part by the Guangzhou Science and Technology Plan Project under Grants 2024B03J1361,2023B03J1327,and 2023A04J0361in part by the Open Fund Project of Hubei Province Key Laboratory of Occupational Hazard Identification and Control under Grant OHIC2023Y10+3 种基金in part by the Guangdong Province Ordinary Colleges and Universities Young Innovative Talents Project under Grant 2023KQNCX036in part by the Special Fund for Science and Technology Innovation Strategy of Guangdong Province(Climbing Plan)under Grant pdjh2024a226in part by the Key Discipline Improvement Project of Guangdong Province under Grant 2022ZDJS015in part by theResearch Fund of Guangdong Polytechnic Normal University under Grants 22GPNUZDJS17 and 2022SDKYA015.
文摘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, 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%.
基金supported by the National Natural Science Foundation of China under Grant 61702462the Henan Provincial Science and Technology Research Project under Grants 222102210010 and 222102210064+2 种基金the Research and Practice Project of Higher Education Teaching Reform in Henan Province under Grants 2019SJGLX320 and 2019SJGLX020the Undergraduate Universities Smart Teaching Special Research Project of Henan Province under Grant JiaoGao[2021]No.489-29the Academic Degrees&Graduate Education Reform Project of Henan Province under Grant 2021SJGLX115Y.
文摘Multimodal sentiment analysis aims to understand people’s emotions and opinions from diverse data.Concate-nating or multiplying various modalities is a traditional multi-modal sentiment analysis fusion method.This fusion method does not utilize the correlation information between modalities.To solve this problem,this paper proposes amodel based on amulti-head attention mechanism.First,after preprocessing the original data.Then,the feature representation is converted into a sequence of word vectors and positional encoding is introduced to better understand the semantic and sequential information in the input sequence.Next,the input coding sequence is fed into the transformer model for further processing and learning.At the transformer layer,a cross-modal attention consisting of a pair of multi-head attention modules is employed to reflect the correlation between modalities.Finally,the processed results are input into the feedforward neural network to obtain the emotional output through the classification layer.Through the above processing flow,the model can capture semantic information and contextual relationships and achieve good results in various natural language processing tasks.Our model was tested on the CMU Multimodal Opinion Sentiment and Emotion Intensity(CMU-MOSEI)and Multimodal EmotionLines Dataset(MELD),achieving an accuracy of 82.04% and F1 parameters reached 80.59% on the former dataset.
基金supported by STI 2030-Major Projects 2021ZD0200400National Natural Science Foundation of China(62276233 and 62072405)Key Research Project of Zhejiang Province(2023C01048).
文摘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.
基金This work is partly supported by the Fundamental Research Funds for the Central Universities(CUC230A013)It is partly supported by Natural Science Foundation of Beijing Municipality(No.4222038)It is also supported by National Natural Science Foundation of China(Grant No.62176240).
文摘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.
文摘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.
基金Science and Technology Innovation 2030‐“New Generation Artificial Intelligence”major project,Grant/Award Number:2020AAA0108703。
文摘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.
文摘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.
文摘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.
文摘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.
文摘Background:Knowledge around emotional intelligence originated in the 1990s from research regarding thoughts,emotions and abilities.The concept of emotional intelligence has evolved over the last 25 years;however,the understanding and use is still unclear.Despite this,emotional intelligence has been a widely-considered concept within professions such as business,management,education,and within the last 10 years has gained traction within nursing practice.Aims and objectives:The aim of this concept review is to clarify the understanding of the concept emotional intelligence,what attributes signify emotional intelligence,what are its antecedents,consequences,related terms and implications to advance nursing practice.Method:A computerized search was guided by Rodger's evolutional concept analysis.Data courses included:CINAHL,PyschINFO,Scopus,EMBASE and ProQuest,focusing on articles published in Canada and the United Stated during 1990e2017.Results:A total of 23 articles from various bodies of disciplines were included in this integrative concept review.The analysis reveals that there are many inconsistencies regarding the description of emotional intelligence,however,four common attributes were discovered:self-awareness,self-management,social awareness and social/relationship management.These attributes facilitate the emotional well-being among advance practice nurses and enhances the ability to practice in a way that will benefit patients,families,colleagues and advance practice nurses as working professionals and as individuals.Conclusion:The integration of emotional intelligence is supported within several disciplines as there is consensus on the impact that emotional intelligence has on job satisfaction,stress level,burnout and helps to facilitate a positive environment.Explicit to advance practice nursing,emotional intelligence is a concept that may be central to nursing practice as it has the potential to impact the quality of patient care and outcomes,decision-making,critical thinking and overall the well-being of practicing nurses.
基金This work is partially supported by the National Natural Science Foundation of China under Grant Nos.61876205 and 61877013the Ministry of Education of Humanities and Social Science project under Grant Nos.19YJAZH128 and 20YJAZH118+1 种基金the Science and Technology Plan Project of Guangzhou under Grant No.201804010433the Bidding Project of Laboratory of Language Engineering and Computing under Grant No.LEC2017ZBKT001.
文摘Textual Emotion Analysis(TEA)aims to extract and analyze user emotional states in texts.Various Deep Learning(DL)methods have developed rapidly,and they have proven to be successful in many fields such as audio,image,and natural language processing.This trend has drawn increasing researchers away from traditional machine learning to DL for their scientific research.In this paper,we provide an overview of TEA based on DL methods.After introducing a background for emotion analysis that includes defining emotion,emotion classification methods,and application domains of emotion analysis,we summarize DL technology,and the word/sentence representation learning method.We then categorize existing TEA methods based on text structures and linguistic types:text-oriented monolingual methods,text conversations-oriented monolingual methods,text-oriented cross-linguistic methods,and emoji-oriented cross-linguistic methods.We close by discussing emotion analysis challenges and future research trends.We hope that our survey will assist readers in understanding the relationship between TEA and DL methods while also improving TEA development.
基金This paper was supported by the 2018 Science and Technology Breakthrough Project of Henan Provincial Science and Technology Department(No.182102310694).
文摘As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practical application value.Emotion research based on the social network is a relatively new topic in the field of psychology and medical health research.The text emotion analysis of college students also has an important research significance for the emotional state of students at a certain time or a certain period,so as to understand their normal state,abnormal state and the reason of state change from the information they wrote.In view of the fact that convolutional neural network cannot make full use of the unique emotional information in sentences,and the need to label a large number of highquality training sets for emotional analysis to improve the accuracy of the model,an emotional analysismodel using the emotional dictionary andmultichannel convolutional neural network is proposed in this paper.Firstly,the input matrix of emotion dictionary is constructed according to the emotion information,and the different feature information of sentences is combined to form different network input channels,so that the model can learn the emotion information of input sentences from various feature representations in the training process.Then,the loss function is reconstructed to realize the semi supervised learning of the network.Finally,experiments are carried on COAE 2014 and self-built data sets.The proposed model can not only extract more semantic information in emotional text,but also learn the hidden emotional information in emotional text.The experimental results show that the proposed emotion analysis model can achieve a better classification performance.Compared with the best benchmark model gram-CNN,the F1 value can be increased by 0.026 in the self-built data set,and it can be increased by 0.032 in the COAE 2014 data set.
基金funded by the technical project of Global Energy Internet Group Co.,Ltd.:Research on Global Energy Internet Big Data Collection and Analysis Modeling and the National Key Research and Development Plan of China under Grant(2018YFB0905000)
文摘In recent years,renewable energy technologies have been developed vigorously,and related supporting policies have been issued.The developmental trend of different energy sources directly affects the future developmental pattern of the energy and power industry.Energy trend research can be quantified through data statistics and model calculations;however,parameter settings and optimization are difficult,and the analysis results sometimes do not reflect objective reality.This paper proposes an energy and power information analysis method based on emotion mining.This method collects energy commentary news and literature reports from many authoritative media around the world and builds a convolutional neural network model and a text analysis model for topic classification and positive/negative emotion evaluation,which helps obtain text evaluation matrixes for all collected texts.Finally,a long-short-term memory model algorithm is employed to predict the future development prospects and market trends for various types of energy based on the analyzed emotions in different time spans.Experimental results indicate that energy trend analysis based on this method is consistent with the real scenario,has good applicability,and can provide a useful reference for the development of energy and power resources and of other industry areas as well.
文摘In this paper,we describe a method of emotion analysis on social big data.Social big data means text data that is emerging on Internet social networking services.We collect multilingual web corpora and annotated emotion tags to these corpora for the purpose of emotion analysis.Because these data are constructed by manual annotation,their quality is high but their quantity is low.If we create an emotion analysis model based on this corpus with high quality and use the model for the analysis of social big data,we might be able to statistically analyze emotional sensesand behavior of the people in Internet communications,which we could not know before.In this paper,we create an emotion analysis model that integrate the highquality emotion corpus and the automaticconstructed corpus that we created in our past studies,and then analyze a large-scale corpus consisting of Twitter tweets based on the model.As the result of time-series analysis on the large-scale corpus and the result of model evaluation,we show the effectiveness of our proposed method.