Sign in to use this feature.

Years

Between: -

Subjects

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Journals

Article Types

Countries / Regions

Search Results (36)

Search Parameters:
Keywords = multi-label sentiment analysis

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
27 pages, 8196 KB  
Article
Enhancing Electric Vehicle Charging Infrastructure Planning with Pre-Trained Language Models and Spatial Analysis: Insights from Beijing User Reviews
by Yanxin Hou, Peipei Wang, Zhuozhuang Yao, Xinqi Zheng and Ziying Chen
ISPRS Int. J. Geo-Inf. 2025, 14(9), 325; https://doi.org/10.3390/ijgi14090325 - 24 Aug 2025
Viewed by 394
Abstract
With the growing adoption of electric vehicles, optimizing the user experience of charging infrastructure has become critical. However, extracting actionable insights from the vast number of user reviews remains a significant challenge, impeding demand-driven operational planning for charging stations and degrading the user [...] Read more.
With the growing adoption of electric vehicles, optimizing the user experience of charging infrastructure has become critical. However, extracting actionable insights from the vast number of user reviews remains a significant challenge, impeding demand-driven operational planning for charging stations and degrading the user experience. This study leverages three pre-trained language models to perform sentiment classification and multi-level topic identification on 168,129 user reviews from Beijing, facilitating a comprehensive understanding of user feedback. The experimental results reveal significant task-model specialization: RoBERTa-WWM excels in sentiment analysis (accuracy = 0.917) and fine-grained topic identification (Micro-F1 = 0.844), making it ideal for deep semantic extraction. Conversely, ELECTRA, after sufficient training, demonstrates a strong aptitude for coarse-grained topic summarization, highlighting its strength in high-level semantic generalization. Notably, the models offer capabilities beyond simple classification, including autonomous label normalization and the extraction of valuable information from comments with low information density. Furthermore, integrating textual and spatial analyses revealed striking patterns. We identified an urban–rural emotional gap—suburban users are more satisfied despite fewer facilities—and used geographically weighted regression (GWR) to quantify the spatial differences in the factors affecting user satisfaction in Beijing’s districts. We identified three types of areas requiring differentiated strategies, as follows: the northwestern region is highly sensitive to equipment quality, the central urban area has a complex relationship between supporting facilities and satisfaction, and the emerging adoption area is more sensitive to accessibility and price factors. These findings offer a data-driven framework for charging infrastructure planning, enabling operators to base decisions on real-world user feedback and tailor solutions to specific local contexts. Full article
Show Figures

Figure 1

42 pages, 3460 KB  
Review
A Survey of Multi-Label Text Classification Under Few-Shot Scenarios
by Wenlong Hu, Qiang Fan, Hao Yan, Xinyao Xu, Shan Huang and Ke Zhang
Appl. Sci. 2025, 15(16), 8872; https://doi.org/10.3390/app15168872 - 12 Aug 2025
Viewed by 856
Abstract
Multi-label text classification is a fundamental and important task in natural language processing, with widespread applications in specialized domains such as sentiment analysis, legal document classification, and medical coding. However, real-world applications often face challenges such as high annotation costs, data scarcity, and [...] Read more.
Multi-label text classification is a fundamental and important task in natural language processing, with widespread applications in specialized domains such as sentiment analysis, legal document classification, and medical coding. However, real-world applications often face challenges such as high annotation costs, data scarcity, and long-tailed label distributions. These issues are particularly pronounced in professional fields like healthcare and law, significantly limiting the performance of classification models. This paper focuses on the topic of few-shot multi-label text classification and provides a systematic survey of current research progress and mainstream techniques. From multiple perspectives, including modeling under few-shot settings, research status, technical approaches, commonly used datasets, and evaluation metrics, this study comprehensively reviews the existing literature and advances. At the technical level, the methods are broadly categorized into data augmentation and model training. The latter includes paradigms such as transfer learning, prompt learning, metric learning, meta-learning, graph neural networks, and attention mechanisms. In addition, this survey explores the research and progress of specific tasks under few-shot multi-label scenarios, such as multi-label aspect category detection, multi-label intent detection, and hierarchical multi-label text classification. In terms of experimental resources, this review compiles commonly used datasets along with their characteristics and categorizes evaluation metrics that are widely adopted in few-shot multi-label classification settings. Finally, it discusses the key research challenges and outlines future directions, offering insights to guide further investigation in this field. Full article
Show Figures

Figure 1

31 pages, 4591 KB  
Article
Modeling Affective Mechanisms in Relaxing Video Games: Sentiment and Topic Analysis of User Reviews
by Yuxin Xing, Wenbao Ma, Qiang You and Jiaxing Li
Systems 2025, 13(7), 540; https://doi.org/10.3390/systems13070540 - 1 Jul 2025
Viewed by 927
Abstract
The accelerating pace of digital life has intensified psychological strain, increasing the demand for accessible and systematized emotional support tools. Relaxing video games—defined as low-pressure, non-competitive games designed to promote calm and emotional relief—offer immersive environments that facilitate affective engagement and sustained user [...] Read more.
The accelerating pace of digital life has intensified psychological strain, increasing the demand for accessible and systematized emotional support tools. Relaxing video games—defined as low-pressure, non-competitive games designed to promote calm and emotional relief—offer immersive environments that facilitate affective engagement and sustained user involvement. This study proposes a computational framework that integrates sentiment analysis and topic modeling to investigate the affective mechanisms and behavioral dynamics associated with relaxing gameplay. We analyzed nearly 60,000 user reviews from the Steam platform in both English and Chinese, employing a hybrid methodology that combines sentiment classification, dual-stage Latent Dirichlet Allocation (LDA), and multi-label mechanism tagging. Emotional relief emerged as the dominant sentiment (62.8%), whereas anxiety was less prevalent (10.4%). Topic modeling revealed key affective dimensions such as pastoral immersion and cozy routine. Regression analysis demonstrated that mechanisms like emotional relief (β = 0.0461, p = 0.001) and escapism (β = 0.1820, p < 0.001) were significant predictors of longer playtime, while Anxiety Expression lost statistical significance (p = 0.124) when contextual controls were added. The findings highlight the potential of relaxing video games as scalable emotional regulation tools and demonstrate how sentiment- and topic-driven modeling can support system-level understanding of affective user behavior. This research contributes to affective computing, digital mental health, and the design of emotionally aware interactive systems. Full article
Show Figures

Figure 1

24 pages, 1603 KB  
Article
Effective Multi-Class Sentiment Analysis Using Fine-Tuned Large Language Model with KNIME Analytics Platform
by Jin-Ching Shen, Nai-Jing Su and Yi-Bing Lin
Systems 2025, 13(7), 523; https://doi.org/10.3390/systems13070523 - 30 Jun 2025
Viewed by 1223
Abstract
The rapid advancement of large language models (LLMs) has revolutionized natural language processing (NLP), yet fine-tuning these models for domain-specific applications remains a resource-intensive challenge. A novel fine-tuning methodology is odds ratio preference optimization (ORPO), which unifies supervised fine-tuning (SFT) and alignment into [...] Read more.
The rapid advancement of large language models (LLMs) has revolutionized natural language processing (NLP), yet fine-tuning these models for domain-specific applications remains a resource-intensive challenge. A novel fine-tuning methodology is odds ratio preference optimization (ORPO), which unifies supervised fine-tuning (SFT) and alignment into a single optimization objective. By circumventing the traditional multi-stage pipeline of base model → supervised fine-tuning (SFT) → reinforcement learning with human feedback (RLHF), ORPO achieves significant reductions in computational complexity while enhancing performance. We demonstrate the efficacy of ORPO through its application to multi-class sentiment analysis, a critical task in sentiment modeling with diverse and nuanced label sets. Using the KNIME analytics platform as an accessible, no-code interface, our approach streamlines and simplifies model development and deployment, making an advanced sentiment analysis tool more usable and cost-effective for enterprises. Experimental results reveal that the ORPO-tuned LLM achieves high accuracy with a classic and publicly available airline dataset, outperforming traditional fine-tuning and NLP methods in both accuracy and efficiency. This work highlights the transformative potential of ORPO in simplifying fine-tuning and enabling scalable solutions for sentiment analysis and beyond. By integrating ORPO with KNIME, it showcases the synergy between innovative methodologies and user-friendly platforms, advancing AI accessibility. The contributions focus on enhancing neutral sentiment analysis, developing an accessible KLSAS system, and providing key resources for easy implementation, all of which promote the practical use and wider adoption of AI in both research and industry. Full article
Show Figures

Figure 1

16 pages, 12177 KB  
Article
An Advanced Natural Language Processing Framework for Arabic Named Entity Recognition: A Novel Approach to Handling Morphological Richness and Nested Entities
by Saleh Albahli
Appl. Sci. 2025, 15(6), 3073; https://doi.org/10.3390/app15063073 - 12 Mar 2025
Cited by 2 | Viewed by 1314
Abstract
Named Entity Recognition (NER) is a fundamental task in Natural Language Processing (NLP) that supports applications such as information retrieval, sentiment analysis, and text summarization. While substantial progress has been made in NER for widely studied languages like English, Arabic presents unique challenges [...] Read more.
Named Entity Recognition (NER) is a fundamental task in Natural Language Processing (NLP) that supports applications such as information retrieval, sentiment analysis, and text summarization. While substantial progress has been made in NER for widely studied languages like English, Arabic presents unique challenges due to its morphological richness, orthographic ambiguity, and the frequent occurrence of nested and overlapping entities. This paper introduces a novel Arabic NER framework that addresses these complexities through architectural innovations. The proposed model incorporates a Hybrid Feature Fusion Layer, which integrates external lexical features using a cross-attention mechanism and a Gated Lexical Unit (GLU) to filter noise, while a Compound Span Representation Layer employs Rotary Positional Encoding (RoPE) and Bidirectional GRUs to enhance the detection of complex entity structures. Additionally, an Enhanced Multi-Label Classification Layer improves the disambiguation of overlapping spans and assigns multiple entity types where applicable. The model is evaluated on three benchmark datasets—ANERcorp, ACE 2005, and a custom biomedical dataset—achieving an F1-score of 93.0% on ANERcorp and 89.6% on ACE 2005, significantly outperforming state-of-the-art methods. A case study further highlights the model’s real-world applicability in handling compound and nested entities with high confidence. By establishing a new benchmark for Arabic NER, this work provides a robust foundation for advancing NLP research in morphologically rich languages. Full article
(This article belongs to the Special Issue Techniques and Applications of Natural Language Processing)
Show Figures

Figure 1

19 pages, 1976 KB  
Article
A Social Media Dataset and H-GNN-Based Contrastive Learning Scheme for Multimodal Sentiment Analysis
by Jiao Peng, Yue He, Yongjuan Chang, Yanyan Lu, Pengfei Zhang, Zhonghong Ou and Qingzhi Yu
Appl. Sci. 2025, 15(2), 636; https://doi.org/10.3390/app15020636 - 10 Jan 2025
Viewed by 2034
Abstract
Multimodal sentiment analysis faces a number of challenges, including modality missing, modality heterogeneity gap, incomplete datasets, etc. Previous studies usually adopt schemes like meta-learning or multi-layer structures. Nevertheless, these methods lack interpretability for the interaction between modalities. In this paper, we constructed a [...] Read more.
Multimodal sentiment analysis faces a number of challenges, including modality missing, modality heterogeneity gap, incomplete datasets, etc. Previous studies usually adopt schemes like meta-learning or multi-layer structures. Nevertheless, these methods lack interpretability for the interaction between modalities. In this paper, we constructed a new dataset, SM-MSD, for sentiment analysis in social media (SAS) that differs significantly from conventional corpora, comprising 10K instances of diverse data from Twitter, encompassing text, emoticons, emojis, and text embedded in images. This dataset aims to reflect authentic social scenarios and various emotional expressions, and provides a meaningful and challenging evaluation benchmark for multimodal sentiment analysis in specific contexts. Furthermore, we propose a multi-task framework based on heterogeneous graph neural networks (H-GNNs) and contrastive learning. For the first time, heterogeneous graph neural networks are applied to multimodal sentiment analysis tasks. In the case of additional labeling data, it guides the emotion prediction of the missing mode. We conduct extensive experiments on multiple datasets to verify the effectiveness of the proposed scheme. Experimental results demonstrate that our proposed scheme surpasses state-of-the-art methods by 1.7% and 0 in accuracy and 1.54% and 4.9% in F1-score on the MOSI and MOSEI datasets, respectively, and exhibits robustness to modality missing scenarios. Full article
Show Figures

Figure 1

33 pages, 6468 KB  
Article
Exploring Sentiment Analysis for the Indonesian Presidential Election Through Online Reviews Using Multi-Label Classification with a Deep Learning Algorithm
by Ahmad Nahid Ma’aly, Dita Pramesti, Ariadani Dwi Fathurahman and Hanif Fakhrurroja
Information 2024, 15(11), 705; https://doi.org/10.3390/info15110705 - 5 Nov 2024
Cited by 2 | Viewed by 3848
Abstract
Presidential elections are an important political event that often trigger intense debate. With more than 139 million users, YouTube serves as a significant platform for understanding public opinion through sentiment analysis. This study aimed to implement deep learning techniques for a multi-label sentiment [...] Read more.
Presidential elections are an important political event that often trigger intense debate. With more than 139 million users, YouTube serves as a significant platform for understanding public opinion through sentiment analysis. This study aimed to implement deep learning techniques for a multi-label sentiment analysis of comments on YouTube videos related to the 2024 Indonesian presidential election. Offering a fresh perspective compared to previous research that primarily employed traditional classification methods, this study classifies comments into eight emotional labels: anger, anticipation, disgust, joy, fear, sadness, surprise, and trust. By focusing on the emotional spectrum, this study provides a more nuanced understanding of public sentiment towards presidential candidates. The CRISP-DM method is applied, encompassing stages of business understanding, data understanding, data preparation, modeling, evaluation, and deployment, ensuring a systematic and comprehensive approach. This study employs a dataset comprising 32,000 comments, obtained via YouTube Data API, from the KPU and Najwa Shihab channels. The analysis is specifically centered on comments related to presidential candidate debates. Three deep learning models—Convolutional Neural Network (CNN), Bidirectional Long Short-Term Memory (Bi-LSTM), and a hybrid model combining CNN and Bi-LSTM—are assessed using confusion matrix, Area Under the Curve (AUC), and Hamming loss metrics. The evaluation results demonstrate that the Bi-LSTM model achieved the highest accuracy with an AUC value of 0.91 and a Hamming loss of 0.08, indicating an excellent ability to classify sentiment with high precision and a low error rate. This innovative approach to multi-label sentiment analysis in the context of the 2024 Indonesian presidential election expands the insights into public sentiment towards candidates, offering valuable implications for political campaign strategies. Additionally, this research contributes to the fields of natural language processing and data mining by addressing the challenges associated with multi-label sentiment analysis. Full article
(This article belongs to the Special Issue Machine Learning and Data Mining for User Classification)
Show Figures

Figure 1

16 pages, 1238 KB  
Article
A Dual-Template Prompted Mutual Learning Generative Model for Implicit Aspect-Based Sentiment Analysis
by Zhou Lei, Yawei Zhang and Shengbo Chen
Appl. Sci. 2024, 14(19), 8719; https://doi.org/10.3390/app14198719 - 27 Sep 2024
Viewed by 1678
Abstract
Generative models have shown excellent results in aspect-based sentiment analysis tasks by predicting quadruples by setting specific template formats. The existing research predicts sentiment elements and enhances the dependency between elements using the multi-template prompting method, but it does not realize the information [...] Read more.
Generative models have shown excellent results in aspect-based sentiment analysis tasks by predicting quadruples by setting specific template formats. The existing research predicts sentiment elements and enhances the dependency between elements using the multi-template prompting method, but it does not realize the information interaction in the generation process, and it ignores the dependency between the prompt template and the aspect terms and opinion terms in the input sequence. In this paper, we propose a Dual-template Prompted Mutual Learning (DPML) generative model to enhance the information interaction between generation modules. Specifically, this paper designs a dual template based on prompt learning and, at the same time, develops a mutual learning information enhancement module to guide each generated training process to interact with iterative information. Secondly, in the decoding stage, a label marking the interactive learning module is added to share the explicit emotional expression in the sequence, which can enhance the ability of the model to capture implicit emotion. On two public datasets, our model achieves an average improvement of 5.3% and 3.4% in F1 score compared with the previous state-of-the-art model. In the implicit sentiment analysis experiment, the F1 score of the proposed model in the data subset containing implicit words is increased by 2.75% and 3.42%, respectively. Full article
Show Figures

Figure 1

13 pages, 1596 KB  
Article
Are Your Comments Positive? A Self-Distillation Contrastive Learning Method for Analyzing Online Public Opinion
by Dongyang Zhou, Lida Shi, Bo Wang, Hao Xu and Wei Huang
Electronics 2024, 13(13), 2509; https://doi.org/10.3390/electronics13132509 - 26 Jun 2024
Cited by 3 | Viewed by 1565
Abstract
With the popularity of social media, online opinion analysis is becoming more and more widely and deeply used in management studies. Automatically recognizing the sentiment of user reviews is a crucial tool for opinion analysis research. However, previous studies mainly have focused on [...] Read more.
With the popularity of social media, online opinion analysis is becoming more and more widely and deeply used in management studies. Automatically recognizing the sentiment of user reviews is a crucial tool for opinion analysis research. However, previous studies mainly have focused on specific scenarios or algorithms that cannot be directly applied to real-world opinion analysis. To address this issue, we collect a new dataset of user reviews from multiple real-world scenarios such as e-retail, e-commerce, movie reviews, and social media. Due to the heterogeneity and complexity of this multi-scenario review data, we propose a self-distillation contrastive learning method. Specifically, we utilize two EMA (exponential moving average) models to generate soft labels as additional supervision. Additionally, we introduce the prototypical supervised contrastive learning module to reduce the variability of data in different scenarios by pulling in representations of the same class. Our method has proven to be extremely competitive, outperforming other advanced methods. Specifically, our method achieves an 87.44% F1 score, exceeding the performance of current advanced methods by 1.07%. Experimental results, including examples and visualization analysis, further demonstrate the superiority of our method. Full article
Show Figures

Figure 1

22 pages, 2484 KB  
Article
Identification of Perceived Challenges in the Green Energy Transition by Turkish Society through Sentiment Analysis
by Ugur Bilgin and Selin Soner Kara
Sustainability 2024, 16(8), 3367; https://doi.org/10.3390/su16083367 - 17 Apr 2024
Cited by 6 | Viewed by 2234
Abstract
Green energy refers to energy derived from renewable sources such as solar, wind, hydro, and biomass, which are environmentally sustainable. It aims to reduce reliance on fossil fuels and mitigate environmental impacts. In the Turkish context, alongside positive sentiments regarding the establishment of [...] Read more.
Green energy refers to energy derived from renewable sources such as solar, wind, hydro, and biomass, which are environmentally sustainable. It aims to reduce reliance on fossil fuels and mitigate environmental impacts. In the Turkish context, alongside positive sentiments regarding the establishment of energy plants, there are also prevalent negative perspectives. Societal responses to the transition towards green energy can be effectively gauged through the analysis of individual comments. However, manually examining thousands of comments is both time-consuming and impractical. To address this challenge, this study proposes the integration of the Transformer method, a Natural Language Processing (NLP) technique. This study presents a defined NLP procedure that utilizes a multi-labeled NLP model, with a particular emphasis on the analysis of comments on social media classified as “dirty text”. The primary objective of this investigation is to ascertain the evolving perception of Turkish society regarding the transition to green energy over time and to conduct a comprehensive analysis utilizing NLP. The study utilizes a dataset that is multi-labeled, wherein emotions are not equally represented and each dataset may contain multiple emotions. Consequently, the measured accuracy rates for the risk, environment, and cost labels are, respectively, 0.950, 0.924, and 0.913, whereas the ROC AUC scores are 0.896, 0.902, and 0.923. The obtained results indicate that the developed model yielded successful outcomes. This study aims to develop a forecasting model tailored to green energy to analyze the current situation and monitor societal behavior dynamically. The central focus is on determining the reactions of Turkish society during the transition to green energy. The insights derived from the study aim to guide decision-makers in formulating policies for the transition. The research concludes with policy recommendations based on the model outputs, providing valuable insights for decision-makers in the context of the green energy transition. Full article
Show Figures

Figure 1

26 pages, 5142 KB  
Article
Research and Development of a Modern Deep Learning Model for Emotional Analysis Management of Text Data
by Iryna Bashynska, Mykhailo Sarafanov and Olga Manikaeva
Appl. Sci. 2024, 14(5), 1952; https://doi.org/10.3390/app14051952 - 27 Feb 2024
Cited by 11 | Viewed by 2644
Abstract
There are many ways people express their reactions in the media. Text data is one of them, for example, comments, reviews, blog posts, messages, etc. Analysis of emotions expressed there is in high demand nowadays for various purposes. This research provides a method [...] Read more.
There are many ways people express their reactions in the media. Text data is one of them, for example, comments, reviews, blog posts, messages, etc. Analysis of emotions expressed there is in high demand nowadays for various purposes. This research provides a method of performing sentiment analysis of text information using machine learning. The authors trained a classifier based on the BERT encoder, which recognizes emotions in text messages in English written in chat style. To handle raw chat-style messages, authors developed an enhanced text standardization layer. The list of emotions identified includes admiration, amusement, anger, annoyance, approval, caring, confusion, curiosity, desire, disappointment, disapproval, disgust, embarrassment, excitement, fear, gratitude, grief, joy, love, nervousness, optimism, pride, realization, relief, remorse, sadness, and surprise. The model solves the problem of multiclass multilabel text classification, which means that more than one class can be predicted from one piece of text. The authors trained the model on the GoEmotions dataset, which consists of 54,263 text comments from Reddit. The model reached a macro-averaged F1-Score of 0.50704 in emotions prediction and 0.7349 in sentiments prediction on the testing dataset. The presented model increased the quality of emotions prediction by 10.2% and sentiments prediction by 6.5% in comparison to the baseline approach. Full article
Show Figures

Figure 1

17 pages, 1683 KB  
Article
Individual- vs. Multiple-Objective Strategies for Targeted Sentiment Analysis in Finances Using the Spanish MTSA 2023 Corpus
by Ronghao Pan, José Antonio García-Díaz and Rafael Valencia-García
Electronics 2024, 13(4), 717; https://doi.org/10.3390/electronics13040717 - 9 Feb 2024
Cited by 3 | Viewed by 1497
Abstract
Multitarget sentiment analysis extracts the subjective polarity of text from multiple targets simultaneously in a given context. This approach is useful in finance, where opinions about different entities affect the target differently. Examples of possible targets are other companies and society. However, typical [...] Read more.
Multitarget sentiment analysis extracts the subjective polarity of text from multiple targets simultaneously in a given context. This approach is useful in finance, where opinions about different entities affect the target differently. Examples of possible targets are other companies and society. However, typical multitarget solutions are resource-intensive due to the need to deploy multiple classification models for each target. An alternative to this is the use of multiobjective training approaches, where a single model is capable of handling multiple targets. In this work, we propose the Spanish MTSACorpus 2023, a novel corpus for multitarget sentiment analysis in finance, and we evaluate its reliability with several large language models for multiobjective training. To this end, we compare three design approaches: (i) a Main Economic Target (MET) detection model based on token classification plus a multiclass classification model for sentiment analysis for each target; (ii) a MET detection model based on token classification but replacing the sentiment analysis models with a multilabel classification model; and (iii) using seq2seq-type models, such as mBART and mT5, to return a response sequence containing the MET and the sentiments of different targets. Based on the computational resources required and the performance obtained, we consider the fine-tuned mBART to be the best approach, with a mean F1 of 80.300%. Full article
(This article belongs to the Special Issue Application of Data Mining in Social Media)
Show Figures

Figure 1

24 pages, 4436 KB  
Article
Multi-Task Aspect-Based Sentiment: A Hybrid Sampling and Stance Detection Approach
by Samer Abdulateef Waheeb
Appl. Sci. 2024, 14(1), 300; https://doi.org/10.3390/app14010300 - 29 Dec 2023
Cited by 1 | Viewed by 1800
Abstract
This paper discusses the challenges associated with a class imbalance in medical data and the limitations of current approaches, such as machine multi-task learning (MMTL), in addressing these challenges. The proposed solution involves a novel hybrid data sampling method that combines SMOTE, a [...] Read more.
This paper discusses the challenges associated with a class imbalance in medical data and the limitations of current approaches, such as machine multi-task learning (MMTL), in addressing these challenges. The proposed solution involves a novel hybrid data sampling method that combines SMOTE, a meta-weigher with a meta-based self-training method (MMS), and one-sided selection (OSS) to balance the distribution of classes. The method also utilizes condensed nearest neighbors (CNN) to remove noisy majority examples and redundant examples. The proposed technique is twofold, involving the creation of artificial instances using SMOTE-OSS-CNN to oversample the under-represented class distribution and the use of MMS to train an instructor model that produces in-field knowledge for pseudo-labeled examples. The student model uses these pseudo-labels for supervised learning, and the student model and MMS meta-weigher are jointly trained to give each example subtask-specific weights to balance class labels and mitigate the noise effects caused by self-training. The proposed technique is evaluated on a discharge summary dataset against six state-of-the-art approaches, and the results demonstrate that it outperforms these approaches with complete labeled data and achieves results equivalent to state-of-the-art methods that require all labeled data using aspect-based sentiment analysis (ABSA). Full article
(This article belongs to the Special Issue Applied Intelligence in Natural Language Processing)
Show Figures

Figure 1

30 pages, 1159 KB  
Article
An Efficient Optimized DenseNet Model for Aspect-Based Multi-Label Classification
by Nasir Ayub, Tayyaba, Saddam Hussain, Syed Sajid Ullah and Jawaid Iqbal
Algorithms 2023, 16(12), 548; https://doi.org/10.3390/a16120548 - 28 Nov 2023
Cited by 6 | Viewed by 2550
Abstract
Sentiment analysis holds great importance within the domain of natural language processing as it examines both the expressed and underlying emotions conveyed through review content. Furthermore, researchers have discovered that relying solely on the overall sentiment derived from the textual content is inadequate. [...] Read more.
Sentiment analysis holds great importance within the domain of natural language processing as it examines both the expressed and underlying emotions conveyed through review content. Furthermore, researchers have discovered that relying solely on the overall sentiment derived from the textual content is inadequate. Consequently, sentiment analysis was developed to extract nuanced expressions from textual information. One of the challenges in this field is effectively extracting emotional elements using multi-label data that covers various aspects. This article presents a novel approach called the Ensemble of DenseNet based on Aquila Optimizer (EDAO). EDAO is specifically designed to enhance the precision and diversity of multi-label learners. Unlike traditional multi-label methods, EDAO strongly emphasizes improving model diversity and accuracy in multi-label scenarios. To evaluate the effectiveness of our approach, we conducted experiments on seven distinct datasets, including emotions, hotels, movies, proteins, automobiles, medical, news, and birds. Our initial strategy involves establishing a preprocessing mechanism to obtain precise and refined data. Subsequently, we used the Vader tool with Bag of Words (BoW) for feature extraction. In the third stage, we created word associations using the word2vec method. The improved data were also used to train and test the DenseNet model, which was fine-tuned using the Aquila Optimizer (AO). On the news, emotion, auto, bird, movie, hotel, protein, and medical datasets, utilizing the aspect-based multi-labeling technique, we achieved accuracy rates of 95%, 97%, and 96%, respectively, with DenseNet-AO. Our proposed model demonstrates that EDAO outperforms other standard methods across various multi-label datasets with different dimensions. The implemented strategy has been rigorously validated through experimental results, showcasing its effectiveness compared to existing benchmark approaches. Full article
(This article belongs to the Special Issue Machine Learning in Big Data Modeling)
Show Figures

Figure 1

20 pages, 2381 KB  
Article
Temporal Convolutional Networks and BERT-Based Multi-Label Emotion Analysis for Financial Forecasting
by Charalampos M. Liapis and Sotiris Kotsiantis
Information 2023, 14(11), 596; https://doi.org/10.3390/info14110596 - 3 Nov 2023
Cited by 8 | Viewed by 3479
Abstract
The use of deep learning in conjunction with models that extract emotion-related information from texts to predict financial time series is based on the assumption that what is said about a stock is correlated with the way that stock fluctuates. Given the above, [...] Read more.
The use of deep learning in conjunction with models that extract emotion-related information from texts to predict financial time series is based on the assumption that what is said about a stock is correlated with the way that stock fluctuates. Given the above, in this work, a multivariate forecasting methodology incorporating temporal convolutional networks in combination with a BERT-based multi-label emotion classification procedure and correlation feature selection is proposed. The results from an extensive set of experiments, which included predictions of three different time frames and various multivariate ensemble schemes that capture 28 different types of emotion-relative information, are presented. It is shown that the proposed methodology exhibits universal predominance regarding aggregate performance over six different metrics, outperforming all the compared schemes, including a multitude of individual and ensemble methods, both in terms of aggregate average scores and Friedman rankings. Moreover, the results strongly indicate that the use of emotion-related features has beneficial effects on the derived forecasts. Full article
Show Figures

Figure 1

Back to TopTop