期刊文献+
共找到4,159篇文章
< 1 2 208 >
每页显示 20 50 100
Film and Television Website Scores Authenticity Verification Based on the Emotional Analysis
1
作者 Weiyu Tong 《Journal of Computer and Communications》 2024年第2期231-245,共15页
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. 展开更多
关键词 Bi-LSTM Model Film Review emotion analysis Naive Bayes PYTHON Data Crawl
下载PDF
DeBERTa-GRU: Sentiment Analysis for Large Language Model
2
作者 Adel Assiri Abdu Gumaei +2 位作者 Faisal Mehmood Touqeer Abbas Sami Ullah 《Computers, Materials & Continua》 SCIE EI 2024年第6期4219-4236,共18页
Modern technological advancements have made social media an essential component of daily life.Social media allow individuals to share thoughts,emotions,and ideas.Sentiment analysis plays the function of evaluating whe... Modern technological advancements have made social media an essential component of daily life.Social media allow individuals to share thoughts,emotions,and ideas.Sentiment analysis plays the function of evaluating whether the sentiment of the text is positive,negative,neutral,or any other personal emotion to understand the sentiment context of the text.Sentiment analysis is essential in business and society because it impacts strategic decision-making.Sentiment analysis involves challenges due to lexical variation,an unlabeled dataset,and text distance correlations.The execution time increases due to the sequential processing of the sequence models.However,the calculation times for the Transformer models are reduced because of the parallel processing.This study uses a hybrid deep learning strategy to combine the strengths of the Transformer and Sequence models while ignoring their limitations.In particular,the proposed model integrates the Decoding-enhanced with Bidirectional Encoder Representations from Transformers(BERT)attention(DeBERTa)and the Gated Recurrent Unit(GRU)for sentiment analysis.Using the Decoding-enhanced BERT technique,the words are mapped into a compact,semantic word embedding space,and the Gated Recurrent Unit model can capture the distance contextual semantics correctly.The proposed hybrid model achieves F1-scores of 97%on the Twitter Large Language Model(LLM)dataset,which is much higher than the performance of new techniques. 展开更多
关键词 DeBERTa GRU Naive Bayes LSTM sentiment analysis large language model
下载PDF
RUSAS: Roman Urdu Sentiment Analysis System
3
作者 Kazim Jawad Muhammad Ahmad +1 位作者 Majdah Alvi Muhammad Bux Alvi 《Computers, Materials & Continua》 SCIE EI 2024年第4期1463-1480,共18页
Sentiment analysis, the meta field of Natural Language Processing (NLP), attempts to analyze and identify thesentiments in the opinionated text data. People share their judgments, reactions, and feedback on the intern... Sentiment analysis, the meta field of Natural Language Processing (NLP), attempts to analyze and identify thesentiments in the opinionated text data. People share their judgments, reactions, and feedback on the internetusing various languages. Urdu is one of them, and it is frequently used worldwide. Urdu-speaking people prefer tocommunicate on social media in Roman Urdu (RU), an English scripting style with the Urdu language dialect.Researchers have developed versatile lexical resources for features-rich comprehensive languages, but limitedlinguistic resources are available to facilitate the sentiment classification of Roman Urdu. This effort encompassesextracting subjective expressions in Roman Urdu and determining the implied opinionated text polarity. Theprimary sources of the dataset are Daraz (an e-commerce platform), Google Maps, and the manual effort. Thecontributions of this study include a Bilingual Roman Urdu Language Detector (BRULD) and a Roman UrduSpelling Checker (RUSC). These integrated modules accept the user input, detect the text language, correct thespellings, categorize the sentiments, and return the input sentence’s orientation with a sentiment intensity score.The developed system gains strength with each input experience gradually. The results show that the languagedetector gives an accuracy of 97.1% on a close domain dataset, with an overall sentiment classification accuracy of94.3%. 展开更多
关键词 Roman Urdu sentiment analysis Roman Urdu language detector Roman Urdu spelling checker FLASK
下载PDF
Multimodal Sentiment Analysis Based on a Cross-Modal Multihead Attention Mechanism
4
作者 Lujuan Deng Boyi Liu Zuhe Li 《Computers, Materials & Continua》 SCIE EI 2024年第1期1157-1170,共14页
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. 展开更多
关键词 emotion analysis deep learning cross-modal attention mechanism
下载PDF
A Robust Framework for Multimodal Sentiment Analysis with Noisy Labels Generated from Distributed Data Annotation
5
作者 Kai Jiang Bin Cao Jing Fan 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第6期2965-2984,共20页
Multimodal sentiment analysis utilizes multimodal data such as text,facial expressions and voice to detect people’s attitudes.With the advent of distributed data collection and annotation,we can easily obtain and sha... Multimodal sentiment analysis utilizes multimodal data such as text,facial expressions and voice to detect people’s attitudes.With the advent of distributed data collection and annotation,we can easily obtain and share such multimodal data.However,due to professional discrepancies among annotators and lax quality control,noisy labels might be introduced.Recent research suggests that deep neural networks(DNNs)will overfit noisy labels,leading to the poor performance of the DNNs.To address this challenging problem,we present a Multimodal Robust Meta Learning framework(MRML)for multimodal sentiment analysis to resist noisy labels and correlate distinct modalities simultaneously.Specifically,we propose a two-layer fusion net to deeply fuse different modalities and improve the quality of the multimodal data features for label correction and network training.Besides,a multiple meta-learner(label corrector)strategy is proposed to enhance the label correction approach and prevent models from overfitting to noisy labels.We conducted experiments on three popular multimodal datasets to verify the superiority of ourmethod by comparing it with four baselines. 展开更多
关键词 Distributed data collection multimodal sentiment analysis meta learning learn with noisy labels
下载PDF
Aspect-Level Sentiment Analysis Based on Deep Learning
6
作者 Mengqi Zhang Jiazhao Chai +2 位作者 Jianxiang Cao Jialing Ji Tong Yi 《Computers, Materials & Continua》 SCIE EI 2024年第3期3743-3762,共20页
In recent years,deep learning methods have developed rapidly and found application in many fields,including natural language processing.In the field of aspect-level sentiment analysis,deep learning methods can also gr... In recent years,deep learning methods have developed rapidly and found application in many fields,including natural language processing.In the field of aspect-level sentiment analysis,deep learning methods can also greatly improve the performance of models.However,previous studies did not take into account the relationship between user feature extraction and contextual terms.To address this issue,we use data feature extraction and deep learning combined to develop an aspect-level sentiment analysis method.To be specific,we design user comment feature extraction(UCFE)to distill salient features from users’historical comments and transform them into representative user feature vectors.Then,the aspect-sentence graph convolutional neural network(ASGCN)is used to incorporate innovative techniques for calculating adjacency matrices;meanwhile,ASGCN emphasizes capturing nuanced semantics within relationships among aspect words and syntactic dependency types.Afterward,three embedding methods are devised to embed the user feature vector into the ASGCN model.The empirical validations verify the effectiveness of these models,consistently surpassing conventional benchmarks and reaffirming the indispensable role of deep learning in advancing sentiment analysis methodologies. 展开更多
关键词 Aspect-level sentiment analysis deep learning graph convolutional neural network user features syntactic dependency tree
下载PDF
Sentiment Analysis of Low-Resource Language Literature Using Data Processing and Deep Learning
7
作者 Aizaz Ali Maqbool Khan +2 位作者 Khalil Khan Rehan Ullah Khan Abdulrahman Aloraini 《Computers, Materials & Continua》 SCIE EI 2024年第4期713-733,共21页
Sentiment analysis, a crucial task in discerning emotional tones within the text, plays a pivotal role in understandingpublic opinion and user sentiment across diverse languages.While numerous scholars conduct sentime... Sentiment analysis, a crucial task in discerning emotional tones within the text, plays a pivotal role in understandingpublic opinion and user sentiment across diverse languages.While numerous scholars conduct sentiment analysisin widely spoken languages such as English, Chinese, Arabic, Roman Arabic, and more, we come to grapplingwith resource-poor languages like Urdu literature which becomes a challenge. Urdu is a uniquely crafted language,characterized by a script that amalgamates elements from diverse languages, including Arabic, Parsi, Pashtu,Turkish, Punjabi, Saraiki, and more. As Urdu literature, characterized by distinct character sets and linguisticfeatures, presents an additional hurdle due to the lack of accessible datasets, rendering sentiment analysis aformidable undertaking. The limited availability of resources has fueled increased interest among researchers,prompting a deeper exploration into Urdu sentiment analysis. This research is dedicated to Urdu languagesentiment analysis, employing sophisticated deep learning models on an extensive dataset categorized into fivelabels: Positive, Negative, Neutral, Mixed, and Ambiguous. The primary objective is to discern sentiments andemotions within the Urdu language, despite the absence of well-curated datasets. To tackle this challenge, theinitial step involves the creation of a comprehensive Urdu dataset by aggregating data from various sources such asnewspapers, articles, and socialmedia comments. Subsequent to this data collection, a thorough process of cleaningand preprocessing is implemented to ensure the quality of the data. The study leverages two well-known deeplearningmodels, namely Convolutional Neural Networks (CNN) and Recurrent Neural Networks (RNN), for bothtraining and evaluating sentiment analysis performance. Additionally, the study explores hyperparameter tuning tooptimize the models’ efficacy. Evaluation metrics such as precision, recall, and the F1-score are employed to assessthe effectiveness of the models. The research findings reveal that RNN surpasses CNN in Urdu sentiment analysis,gaining a significantly higher accuracy rate of 91%. This result accentuates the exceptional performance of RNN,solidifying its status as a compelling option for conducting sentiment analysis tasks in the Urdu language. 展开更多
关键词 Urdu sentiment analysis convolutional neural networks recurrent neural network deep learning natural language processing neural networks
下载PDF
Analysis of Public Sentiment regarding COVID-19 Vaccines on the Social Media Platform Reddit
8
作者 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
9
作者 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
Twitter Data Analysis Using Hadoop and‘R’and Emotional Analysis Using Optimized SVNN
10
作者 K.Sailaja Kumar H.K.Manoj D.Evangelin Geetha 《Computer Systems Science & Engineering》 SCIE EI 2023年第1期485-499,共15页
Standalone systems cannot handle the giant traffic loads generated by Twitter due to memory constraints.A parallel computational environment pro-vided by Apache Hadoop can distribute and process the data over differen... Standalone systems cannot handle the giant traffic loads generated by Twitter due to memory constraints.A parallel computational environment pro-vided by Apache Hadoop can distribute and process the data over different desti-nation systems.In this paper,the Hadoop cluster with four nodes integrated with RHadoop,Flume,and Hive is created to analyze the tweets gathered from the Twitter stream.Twitter stream data is collected relevant to an event/topic like IPL-2015,cricket,Royal Challengers Bangalore,Kohli,Modi,from May 24 to 30,2016 using Flume.Hive is used as a data warehouse to store the streamed tweets.Twitter analytics like maximum number of tweets by users,the average number of followers,and maximum number of friends are obtained using Hive.The network graph is constructed with the user’s unique screen name and men-tions using‘R’.A timeline graph of individual users is generated using‘R’.Also,the proposed solution analyses the emotions of cricket fans by classifying their Twitter messages into appropriate emotional categories using the optimized sup-port vector neural network(OSVNN)classification model.To attain better classi-fication accuracy,the performance of SVNN is enhanced using a chimp optimization algorithm(ChOA).Extracting the users’emotions toward an event is beneficial for prediction,but when coupled with visualizations,it becomes more powerful.Bar-chart and wordcloud are generated to visualize the emotional analysis results. 展开更多
关键词 TWITTER apache Hadoop emotional analysis OSVNN ChoA timeline graph flume hive
下载PDF
Construction of Psychological Adjustment Function Model of Music Education Based on Emotional Tendency Analysis
11
作者 Bin Zhang 《International Journal of Mental Health Promotion》 2023年第5期655-671,共17页
In the face offierce competition in the social environment,mental health problems gradually get the attention of the public,in order to achieve accurate mental health data analysis,the construction of music education ... In the face offierce competition in the social environment,mental health problems gradually get the attention of the public,in order to achieve accurate mental health data analysis,the construction of music education is based on emotional tendency analysis of psychological adjustment function model.Design emotional tendency analysis of music education psychological adjustment function architecture,music teaching goal as psychological adjust-ment function architecture building orientation,music teaching content as a foundation for psychological adjust-ment function architecture and music teaching process as a psychological adjustment function architecture building,music teaching evaluation as the key of building key regulating function architecture,Establish a core literacy oriented evaluation system.Different evaluation methods were used to obtain the evaluation results.Four levels of psychological adjustment function model of music education are designed,and the psychological adjust-ment function of music education is put forward,thus completing the construction of psychological adjustment function model of music education.The experimental results show that the absolute value of the data acquisition error of the designed model is minimum,which is not more than 0.2.It is less affected by a bad coefficient and has good performance.It can quickly converge to the best state in the actual prediction process and has a strong con-vergence ability. 展开更多
关键词 emotional tendency analysis music education psychological adjustment functional model core literacy orientation
下载PDF
Analysis of Emotions Using Multimodal Data: A Case Study
12
作者 Toshiya Akiyama Kyoko Osaka +4 位作者 Hirokazu Ito Ryuichi Tanioka Allan Paulo Blaquera Leah Anne Christine Bollos Tetsuya Tanioka 《Journal of Biosciences and Medicines》 2023年第12期54-68,共15页
In this case study, we hypothesized that sympathetic nerve activity would be higher during conversation with PALRO robot, and that conversation would result in an increase in cerebral blood flow near the Broca’s area... In this case study, we hypothesized that sympathetic nerve activity would be higher during conversation with PALRO robot, and that conversation would result in an increase in cerebral blood flow near the Broca’s area. The facial expressions of a human subject were recorded, and cerebral blood flow and heart rate variability were measured during interactions with the humanoid robot. These multimodal data were time-synchronized to quantitatively verify the change from the resting baseline by testing facial expression analysis, cerebral blood flow, and heart rate variability. In conclusion, this subject indicated that sympathetic nervous activity was dominant, suggesting that the subject may have enjoyed and been excited while talking to the robot (normalized High Frequency < normalized Low Frequency: 0.22 ± 0.16 < 0.78 ± 0.16). Cerebral blood flow values were higher during conversation and in the resting state after the experiment than in the resting state before the experiment. Talking increased cerebral blood flow in the frontal region. As the subject was left-handed, it was confirmed that the right side of the brain, where the Broca’s area is located, was particularly activated (Left < right: 0.15 ± 0.21 < 1.25 ± 0.17). In the sections where a “happy” facial emotion was recognized, the examiner-judged “happy” faces and the MTCNN “happy” results were also generally consistent. 展开更多
关键词 Humanoid Robots Multimodal Data emotion analysis
下载PDF
Psychological Emotion Analysis System for Special Needs Children Based on Neural Network
13
作者 Zhixian Piao 《Journal of Electronic Research and Application》 2023年第2期12-19,共8页
With the development of modern society and the improvement of living standards,care for special needs children has been increasingly highlighted,and numerous corresponding measures such as welfare homes,special educat... With the development of modern society and the improvement of living standards,care for special needs children has been increasingly highlighted,and numerous corresponding measures such as welfare homes,special education schools,and youth care centers have emerged.Due to the lack of systematic emotional companionship,the mental health of special needs children are bound to be affected.Nowadays,emotional education,analysis,and evaluation are mostly done by psychologists and emotional analysts,and these measures are unpopular.Therefore,many researchers at home and abroad have focused on the solution of psychological issues and the psychological assessment and emotional analysis of such children in their daily lives.In this paper,a special children’s psychological emotional analysis based on neural network is proposed,where the system sends the voice information to a cloud platform through intelligent wearable devices.To ensure that the data collected are valid,a series of pretreatments such as Chinese word segmentation,de-emphasis,and so on are put into the neural network model.The model is based on the further research of transfer learning and Bi-GRU model,which can meet the needs of Chinese text sentiment analysis.The completion rate of the final model test has reached 97%,which means that it is ready for use.Finally,a web page is designed,which can evaluate and detect abnormal psychological state,and at the same time,a personal emotion database can also be established. 展开更多
关键词 Deep learning Special needs children Psychological emotion analysis system
下载PDF
Emotional Vector Distance Based Sentiment Analysis of Wakamono Kotoba 被引量:2
14
作者 松本和幸 北研二 任福继 《China Communications》 SCIE CSCD 2012年第3期87-98,共12页
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. 展开更多
关键词 距离 向量基 情绪 估计精度 EMD 情感 文字
下载PDF
Text Sentiment Analysis Based on Emotion Adjustment
15
作者 Mengjiao Song Yepei Wang +1 位作者 Yong Liu Zhihong Zhao 《国际计算机前沿大会会议论文集》 2018年第2期5-5,共1页
关键词 sentiment analysis Skip-gram Word2vec emotion adjustment
下载PDF
Improving Sentiment Analysis in Election-Based Conversations on Twitter with ElecBERT Language Model 被引量:3
16
作者 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
Novel Static Security and Stability Control of Power Systems Based on Artificial Emotional Lazy Q-Learning
17
作者 Tao Bao Xiyuan Ma +3 位作者 Zhuohuan Li Duotong Yang Pengyu Wang Changcheng Zhou 《Energy Engineering》 EI 2024年第6期1713-1737,共25页
The stability problem of power grids has become increasingly serious in recent years as the size of novel power systems increases.In order to improve and ensure the stable operation of the novel power system,this stud... The stability problem of power grids has become increasingly serious in recent years as the size of novel power systems increases.In order to improve and ensure the stable operation of the novel power system,this study proposes an artificial emotional lazy Q-learning method,which combines artificial emotion,lazy learning,and reinforcement learning for static security and stability analysis of power systems.Moreover,this study compares the analysis results of the proposed method with those of the small disturbance method for a stand-alone power system and verifies that the proposed lazy Q-learning method is able to effectively screen useful data for learning,and improve the static security stability of the new type of power system more effectively than the traditional proportional-integral-differential control and Q-learning methods. 展开更多
关键词 Artificial sentiment static secure stable analysis Q-LEARNING lazy learning data filtering
下载PDF
User Profile & Attitude Analysis Based on Unstructured Social Media and Online Activity
18
作者 Yuting Tan Vijay K. Madisetti 《Journal of Software Engineering and Applications》 2024年第6期463-473,共11页
As social media and online activity continue to pervade all age groups, it serves as a crucial platform for sharing personal experiences and opinions as well as information about attitudes and preferences for certain ... As social media and online activity continue to pervade all age groups, it serves as a crucial platform for sharing personal experiences and opinions as well as information about attitudes and preferences for certain interests or purchases. This generates a wealth of behavioral data, which, while invaluable to businesses, researchers, policymakers, and the cybersecurity sector, presents significant challenges due to its unstructured nature. Existing tools for analyzing this data often lack the capability to effectively retrieve and process it comprehensively. This paper addresses the need for an advanced analytical tool that ethically and legally collects and analyzes social media data and online activity logs, constructing detailed and structured user profiles. It reviews current solutions, highlights their limitations, and introduces a new approach, the Advanced Social Analyzer (ASAN), that bridges these gaps. The proposed solutions technical aspects, implementation, and evaluation are discussed, with results compared to existing methodologies. The paper concludes by suggesting future research directions to further enhance the utility and effectiveness of social media data analysis. 展开更多
关键词 Social Media User Behavior analysis sentiment analysis Data Mining Machine Learning User Profiling CYBERSECURITY Behavioral Insights Personality Prediction
下载PDF
A Cloud Based Sentiment Analysis through Logistic Regression in AWS Platform 被引量:1
19
作者 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
20
作者 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
上一页 1 2 208 下一页 到第
使用帮助 返回顶部