The COVID-19 pandemic has become one of the severe diseases in recent years.As it majorly affects the common livelihood of people across the universe,it is essential for administrators and healthcare professionals to ...The COVID-19 pandemic has become one of the severe diseases in recent years.As it majorly affects the common livelihood of people across the universe,it is essential for administrators and healthcare professionals to be aware of the views of the community so as to monitor the severity of the spread of the outbreak.The public opinions are been shared enormously in microblogging med-ia like twitter and is considered as one of the popular sources to collect public opinions in any topic like politics,sports,entertainment etc.,This work presents a combination of Intensity Based Emotion Classification Convolution Neural Net-work(IBEC-CNN)model and Non-negative Matrix Factorization(NMF)for detecting and analyzing the different topics discussed in the COVID-19 tweets as well the intensity of the emotional content of those tweets.The topics were identified using NMF and the emotions are classified using pretrained IBEC-CNN,based on predefined intensity scores.The research aimed at identifying the emotions in the Indian tweets related to COVID-19 and producing a list of topics discussed by the users during the COVID-19 pandemic.Using the Twitter Application Programming Interface(Twitter API),huge numbers of COVID-19 tweets are retrieved during January and July 2020.The extracted tweets are ana-lyzed for emotions fear,joy,sadness and trust with proposed Intensity Based Emotion Classification Convolution Neural Network(IBEC-CNN)model which is pretrained.The classified tweets are given an intensity score varies from 1 to 3,with 1 being low intensity for the emotion,2 being the moderate and 3 being the high intensity.To identify the topics in the tweets and the themes of those topics,Non-negative Matrix Factorization(NMF)has been employed.Analysis of emotions of COVID-19 tweets has identified,that the count of positive tweets is more than that of count of negative tweets during the period considered and the negative tweets related to COVID-19 is less than 5%.Also,more than 75%nega-tive tweets expressed sadness,fear are of low intensity.A qualitative analysis has also been conducted and the topics detected are grouped into themes such as eco-nomic impacts,case reports,treatments,entertainment and vaccination.The results of analysis show that the issues related to the pandemic are expressed dif-ferent emotions in twitter which helps in interpreting the public insights during the pandemic and these results are beneficial for planning the dissemination of factual health statistics to build the trust of the people.The performance comparison shows that the proposed IBEC-CNN model outperforms the conventional models and achieved 83.71%accuracy.The%of COVID-19 tweets that discussed the different topics vary from 7.45%to 26.43%on topics economy,Statistics on cases,Government/Politics,Entertainment,Lockdown,Treatments and Virtual Events.The least number of tweets discussed on politics/government on the other hand the tweets discussed most about treatments.展开更多
Purpose:Many science,technology and innovation(STI)resources are attached with several different labels.To assign automatically the resulting labels to an interested instance,many approaches with good performance on t...Purpose:Many science,technology and innovation(STI)resources are attached with several different labels.To assign automatically the resulting labels to an interested instance,many approaches with good performance on the benchmark datasets have been proposed for multi-label classification task in the literature.Furthermore,several open-source tools implementing these approaches have also been developed.However,the characteristics of real-world multi-label patent and publication datasets are not completely in line with those of benchmark ones.Therefore,the main purpose of this paper is to evaluate comprehensively seven multi-label classification methods on real-world datasets.Research limitations:Three real-world datasets differ in the following aspects:statement,data quality,and purposes.Additionally,open-source tools designed for multi-label classification also have intrinsic differences in their approaches for data processing and feature selection,which in turn impacts the performance of a multi-label classification approach.In the near future,we will enhance experimental precision and reinforce the validity of conclusions by employing more rigorous control over variables through introducing expanded parameter settings.Practical implications:The observed Macro F1 and Micro F1 scores on real-world datasets typically fall short of those achieved on benchmark datasets,underscoring the complexity of real-world multi-label classification tasks.Approaches leveraging deep learning techniques offer promising solutions by accommodating the hierarchical relationships and interdependencies among labels.With ongoing enhancements in deep learning algorithms and large-scale models,it is expected that the efficacy of multi-label classification tasks will be significantly improved,reaching a level of practical utility in the foreseeable future.Originality/value:(1)Seven multi-label classification methods are comprehensively compared on three real-world datasets.(2)The TextCNN and TextRCNN models perform better on small-scale datasets with more complex hierarchical structure of labels and more balanced document-label distribution.(3)The MLkNN method works better on the larger-scale dataset with more unbalanced document-label distribution.展开更多
Phononic crystals,as artificial composite materials,have sparked significant interest due to their novel characteristics that emerge upon the introduction of nonlinearity.Among these properties,second-harmonic feature...Phononic crystals,as artificial composite materials,have sparked significant interest due to their novel characteristics that emerge upon the introduction of nonlinearity.Among these properties,second-harmonic features exhibit potential applications in acoustic frequency conversion,non-reciprocal wave propagation,and non-destructive testing.Precisely manipulating the harmonic band structure presents a major challenge in the design of nonlinear phononic crystals.Traditional design approaches based on parameter adjustments to meet specific application requirements are inefficient and often yield suboptimal performance.Therefore,this paper develops a design methodology using Softmax logistic regression and multi-label classification learning to inversely design the material distribution of nonlinear phononic crystals by exploiting information from harmonic transmission spectra.The results demonstrate that the neural network-based inverse design method can effectively tailor nonlinear phononic crystals with desired functionalities.This work establishes a mapping relationship between the band structure and the material distribution within phononic crystals,providing valuable insights into the inverse design of metamaterials.展开更多
Objective:To explore the feasibility of remotely obtaining complex information on traditional Chinese medicine(TCM)pulse conditions through voice signals.Methods: We used multi-label pulse conditions as the entry poin...Objective:To explore the feasibility of remotely obtaining complex information on traditional Chinese medicine(TCM)pulse conditions through voice signals.Methods: We used multi-label pulse conditions as the entry point and modeled and analyzed TCM pulse diagnosis by combining voice analysis and machine learning.Audio features were extracted from voice recordings in the TCM pulse condition dataset.The obtained features were combined with information from tongue and facial diagnoses.A multi-label pulse condition voice classification DNN model was built using 10-fold cross-validation,and the modeling methods were validated using publicly available datasets.Results: The analysis showed that the proposed method achieved an accuracy of 92.59%on the public dataset.The accuracies of the three single-label pulse manifestation models in the test set were 94.27%,96.35%,and 95.39%.The absolute accuracy of the multi-label model was 92.74%.Conclusion: Voice data analysis may serve as a remote adjunct to the TCM diagnostic method for pulse condition assessment.展开更多
The image emotion classification task aims to use the model to automatically predict the emotional response of people when they see the image.Studies have shown that certain local regions are more likely to inspire an...The image emotion classification task aims to use the model to automatically predict the emotional response of people when they see the image.Studies have shown that certain local regions are more likely to inspire an emotional response than the whole image.However,existing methods perform poorly in predicting the details of emotional regions and are prone to overfitting during training due to the small size of the dataset.Therefore,this study proposes an image emotion classification network based on multilayer attentional interaction and adaptive feature aggregation.To perform more accurate emotional region prediction,this study designs a multilayer attentional interaction module.The module calculates spatial attention maps for higher-layer semantic features and fusion features through amultilayer shuffle attention module.Through layer-by-layer up-sampling and gating operations,the higher-layer features guide the lower-layer features to learn,eventually achieving sentiment region prediction at the optimal scale.To complement the important information lost by layer-by-layer fusion,this study not only adds an intra-layer fusion to the multilayer attention interaction module but also designs an adaptive feature aggregation module.The module uses global average pooling to compress spatial information and connect channel information from all layers.Then,the module adaptively generates a set of aggregated weights through two fully connected layers to augment the original features of each layer.Eventually,the semantics and details of the different layers are aggregated through gating operations and residual connectivity to complement the lost information.To reduce overfitting on small datasets,the network is pre-trained on the FI dataset,and further weight fine-tuning is performed on the small dataset.The experimental results on the FI,Twitter I and Emotion ROI(Region of Interest)datasets show that the proposed network exceeds existing image emotion classification methods,with accuracies of 90.27%,84.66%and 84.96%.展开更多
Currently,individuals use online social media,namely Facebook or Twitter,for sharing their thoughts and emotions.Detection of emotions on social networking sites’finds useful in several applications in social welfare...Currently,individuals use online social media,namely Facebook or Twitter,for sharing their thoughts and emotions.Detection of emotions on social networking sites’finds useful in several applications in social welfare,commerce,public health,and so on.Emotion is expressed in several means,like facial and speech expressions,gestures,and written text.Emotion recognition in a text document is a content-based classification problem that includes notions from deep learning(DL)and natural language processing(NLP)domains.This article proposes a Deer HuntingOptimizationwithDeep Belief Network Enabled Emotion Classification(DHODBN-EC)on English Twitter Data in this study.The presented DHODBN-EC model aims to examine the existence of distinct emotion classes in tweets.At the introductory level,the DHODBN-EC technique pre-processes the tweets at different levels.Besides,the word2vec feature extraction process is applied to generate the word embedding process.For emotion classification,the DHODBN-EC model utilizes the DBN model,which helps to determine distinct emotion class labels.Lastly,the DHO algorithm is leveraged for optimal hyperparameter adjustment of the DBN technique.An extensive range of experimental analyses can be executed to demonstrate the enhanced performance of the DHODBN-EC approach.A comprehensive comparison study exhibited the improvements of the DHODBN-EC model over other approaches with increased accuracy of 96.67%.展开更多
In the realm of Multi-Label Text Classification(MLTC),the dual challenges of extracting rich semantic features from text and discerning inter-label relationships have spurred innovative approaches.Many studies in sema...In the realm of Multi-Label Text Classification(MLTC),the dual challenges of extracting rich semantic features from text and discerning inter-label relationships have spurred innovative approaches.Many studies in semantic feature extraction have turned to external knowledge to augment the model’s grasp of textual content,often overlooking intrinsic textual cues such as label statistical features.In contrast,these endogenous insights naturally align with the classification task.In our paper,to complement this focus on intrinsic knowledge,we introduce a novel Gate-Attention mechanism.This mechanism adeptly integrates statistical features from the text itself into the semantic fabric,enhancing the model’s capacity to understand and represent the data.Additionally,to address the intricate task of mining label correlations,we propose a Dual-end enhancement mechanism.This mechanism effectively mitigates the challenges of information loss and erroneous transmission inherent in traditional long short term memory propagation.We conducted an extensive battery of experiments on the AAPD and RCV1-2 datasets.These experiments serve the dual purpose of confirming the efficacy of both the Gate-Attention mechanism and the Dual-end enhancement mechanism.Our final model unequivocally outperforms the baseline model,attesting to its robustness.These findings emphatically underscore the imperativeness of taking into account not just external knowledge but also the inherent intricacies of textual data when crafting potent MLTC models.展开更多
Many studies suggest that EEG signals provide enough information for the detection of human emotions with feature based classification methods. However, very few studies have reported a classification method that reli...Many studies suggest that EEG signals provide enough information for the detection of human emotions with feature based classification methods. However, very few studies have reported a classification method that reliably works for individual participants (classification accuracy well over 90%). Further, a necessary condition for real life applications is a method that allows, irrespective of the immense individual difference among participants, to have minimal variance over the individual classification accuracy. We conducted offline computer aided emotion classification experiments using strict experimental controls. We analyzed EEG data collected from nine participants using validated film clips to induce four different emotional states (amused, disgusted, sad and neutral). The classification rate was evaluated using both unsupervised and supervised learning algorithms (in total seven “state of the art” algorithms were tested). The largest classification accuracy was computed by means of Support Vector Machine. Accuracy rate was on average 97.2%. The experimental protocol effectiveness was further supported by very small variance among individual participants’ classification accuracy (within interval: 96.7%, 98.3%). Classification accuracy evaluated on reduced number of electrodes suggested, consistently with psychological constructionist approaches, that we were able to classify emotions considering cortical activity from areas involved in emotion representation. The experimental protocol therefore appeared to be a key factor to improve the classification outcome by means of data quality improvements.展开更多
Emotion recognition systems are helpful in human-machine interactions and Intelligence Medical applications.Electroencephalogram(EEG)is closely related to the central nervous system activity of the brain.Compared with...Emotion recognition systems are helpful in human-machine interactions and Intelligence Medical applications.Electroencephalogram(EEG)is closely related to the central nervous system activity of the brain.Compared with other signals,EEG is more closely associated with the emotional activity.It is essential to study emotion recognition based on EEG information.In the research of emotion recognition based on EEG,it is a common problem that the results of individual emotion classification vary greatly under the same scheme of emotion recognition,which affects the engineering application of emotion recognition.In order to improve the overall emotion recognition rate of the emotion classification system,we propose the CSP_VAR_CNN(CVC)emotion recognition system,which is based on the convolutional neural network(CNN)algorithm to classify emotions of EEG signals.Firstly,the emotion recognition system using common spatial patterns(CSP)to reduce the EEG data,then the standardized variance(VAR)is selected as the parameter to form the emotion feature vectors.Lastly,a 5-layer CNN model is built to classify the EEG signal.The classification results show that this emotion recognition system can better the overall emotion recognition rate:the variance has been reduced to 0.0067,which is a decrease of 64%compared to that of the CSP_VAR_SVM(CVS)system.On the other hand,the average accuracy reaches 69.84%,which is 0.79%higher than that of the CVS system.It shows that the overall emotion recognition rate of the proposed emotion recognition system is more stable,and its emotion recognition rate is higher.展开更多
This paper proposes the use of time-frequency and wavelet transform features for emotion recognition via EEG signals. The proposed experiment has been carefully designed with EEG electrodes placed at FP1 and FP2 and u...This paper proposes the use of time-frequency and wavelet transform features for emotion recognition via EEG signals. The proposed experiment has been carefully designed with EEG electrodes placed at FP1 and FP2 and using images provided by the Affective Picture System (IAP), which was developed by the University of Florida. A total of two time-domain features, two frequen-cy-domain features, as well as discrete wavelet transform coefficients have been studied using Artificial Neural Network (ANN) as the classifier, and the best combination of these features has been determined. Using the data collected, the best detection accuracy achievable by the proposed schemed is about 81.8%.展开更多
How high-level emotional representation of art paintings can be inferred from percep tual level features suited for the particular classes (dynamic vs. static classification)is presented. The key points are feature se...How high-level emotional representation of art paintings can be inferred from percep tual level features suited for the particular classes (dynamic vs. static classification)is presented. The key points are feature selection and classification. According to the strong relationship between notable lines of image and human sensations, a novel feature vector WLDLV (Weighted Line Direction-Length Vector) is proposed, which includes both orientation and length information of lines in an image. Classification is performed by SVM (Support Vector Machine) and images can be classified into dynamic and static. Experimental results demonstrate the effectiveness and superiority of the algorithm.展开更多
Electroencephalogram(EEG)is a medical imaging technology that can measure the electrical activity of the scalp produced by the brain,measured and recorded chronologically the surface of the scalp from the brain.The re...Electroencephalogram(EEG)is a medical imaging technology that can measure the electrical activity of the scalp produced by the brain,measured and recorded chronologically the surface of the scalp from the brain.The recorded signals from the brain are rich with useful information.The inference of this useful information is a challenging task.This paper aims to process the EEG signals for the recognition of human emotions specifically happiness,anger,fear,sadness,and surprise in response to audiovisual stimuli.The EEG signals are recorded by placing neurosky mindwave headset on the subject’s scalp,in response to audiovisual stimuli for the mentioned emotions.Using a bandpass filter with a bandwidth of 1-100 Hz,recorded raw EEG signals are preprocessed.The preprocessed signals then further analyzed and twelve selected features in different domains are extracted.The Random forest(RF)and multilayer perceptron(MLP)algorithms are then used for the classification of the emotions through extracted features.The proposed audiovisual stimuli based EEG emotion classification system shows an average classification accuracy of 80%and 88%usingMLP and RF classifiers respectively on hybrid features for experimental signals of different subjects.The proposed model outperforms in terms of cost and accuracy.展开更多
The current research on emotional classification uses many methods that combine the attention mechanism with neural networks.However,the effect is unsatisfactory when dealing with complex text.An emotional classificat...The current research on emotional classification uses many methods that combine the attention mechanism with neural networks.However,the effect is unsatisfactory when dealing with complex text.An emotional classification model is proposed,which combines multi-head attention(MHA)with improved structured-self attention(SSA).The model makes several different linear transformations of input by introducing MHA mechanism and can extract more comprehensive high-level phrase representation features from the word embedded vector.Meanwhile,it can realize the parallelization calculation and ensure the training speed of the model.The improved SSA structure uses matrices to represent different parts of a sentence to extract local key information,to ensure that the degree of dependence between words is not affected by time and sentence length,and generate the overall semantics of the sentence.Experiment results show that the current model effectively obtains global structural information and improves classification accuracy.展开更多
In the need of some real applications, such as text categorization and image classification, the multi-label learning gradually becomes a hot research point in recent years. Much attention has been paid to the researc...In the need of some real applications, such as text categorization and image classification, the multi-label learning gradually becomes a hot research point in recent years. Much attention has been paid to the research of multi-label classification algorithms. Considering the fact that the high dimensionality of the multi-label datasets may cause the curse of dimensionality and wil hamper the classification process, a dimensionality reduction algorithm, named multi-label kernel discriminant analysis (MLKDA), is proposed to reduce the dimensionality of multi-label datasets. MLKDA, with the kernel trick, processes the multi-label integrally and realizes the nonlinear dimensionality reduction with the idea similar with linear discriminant analysis (LDA). In the classification process of multi-label data, the extreme learning machine (ELM) is an efficient algorithm in the premise of good accuracy. MLKDA, combined with ELM, shows a good performance in multi-label learning experiments with several datasets. The experiments on both static data and data stream show that MLKDA outperforms multi-label dimensionality reduction via dependence maximization (MDDM) and multi-label linear discriminant analysis (MLDA) in cases of balanced datasets and stronger correlation between tags, and ELM is also a good choice for multi-label classification.展开更多
Arabic is one of the most spoken languages across the globe.However,there are fewer studies concerning Sentiment Analysis(SA)in Arabic.In recent years,the detected sentiments and emotions expressed in tweets have rece...Arabic is one of the most spoken languages across the globe.However,there are fewer studies concerning Sentiment Analysis(SA)in Arabic.In recent years,the detected sentiments and emotions expressed in tweets have received significant interest.The substantial role played by the Arab region in international politics and the global economy has urged the need to examine the sentiments and emotions in the Arabic language.Two common models are available:Machine Learning and lexicon-based approaches to address emotion classification problems.With this motivation,the current research article develops a Teaching and Learning Optimization with Machine Learning Based Emotion Recognition and Classification(TLBOML-ERC)model for Sentiment Analysis on tweets made in the Arabic language.The presented TLBOML-ERC model focuses on recognising emotions and sentiments expressed in Arabic tweets.To attain this,the proposed TLBOMLERC model initially carries out data pre-processing and a Continuous Bag Of Words(CBOW)-based word embedding process.In addition,Denoising Autoencoder(DAE)model is also exploited to categorise different emotions expressed in Arabic tweets.To improve the efficacy of the DAE model,the Teaching and Learning-based Optimization(TLBO)algorithm is utilized to optimize the parameters.The proposed TLBOML-ERC method was experimentally validated with the help of an Arabic tweets dataset.The obtained results show the promising performance of the proposed TLBOML-ERC model on Arabic emotion classification.展开更多
The Internet of Medical Things(IoMT)will come to be of great importance in the mediation of medical disputes,as it is emerging as the core of intelligent medical treatment.First,IoMT can track the entire medical treat...The Internet of Medical Things(IoMT)will come to be of great importance in the mediation of medical disputes,as it is emerging as the core of intelligent medical treatment.First,IoMT can track the entire medical treatment process in order to provide detailed trace data in medical dispute resolution.Second,IoMT can infiltrate the ongoing treatment and provide timely intelligent decision support to medical staff.This information includes recommendation of similar historical cases,guidance for medical treatment,alerting of hired dispute profiteers etc.The multi-label classification of medical dispute documents(MDDs)plays an important role as a front-end process for intelligent decision support,especially in the recommendation of similar historical cases.However,MDDs usually appear as long texts containing a large amount of redundant information,and there is a serious distribution imbalance in the dataset,which directly leads to weaker classification performance.Accordingly,in this paper,a multi-label classification method based on key sentence extraction is proposed for MDDs.The method is divided into two parts.First,the attention-based hierarchical bi-directional long short-term memory(BiLSTM)model is used to extract key sentences from documents;second,random comprehensive sampling Bagging(RCS-Bagging),which is an ensemble multi-label classification model,is employed to classify MDDs based on key sentence sets.The use of this approach greatly improves the classification performance.Experiments show that the performance of the two models proposed in this paper is remarkably better than that of the baseline methods.展开更多
Emotion classification in textual conversations focuses on classifying the emotion of each utterance from textual conversations.It is becoming one of the most important tasks for natural language processing in recent ...Emotion classification in textual conversations focuses on classifying the emotion of each utterance from textual conversations.It is becoming one of the most important tasks for natural language processing in recent years.However,it is a challenging task for machines to conduct emotion classification in textual conversations because emotions rely heavily on textual context.To address the challenge,we propose a method to classify emotion in textual conversations,by integrating the advantages of deep learning and broad learning,namely DBL.It aims to provide a more effective solution to capture local contextual information(i.e.,utterance-level)in an utterance,as well as global contextual information(i.e.,speaker-level)in a conversation,based on Convolutional Neural Network(CNN),Bidirectional Long Short-Term Memory(Bi-LSTM),and broad learning.Extensive experiments have been conducted on three public textual conversation datasets,which show that the context in both utterance-level and speaker-level is consistently beneficial to the performance of emotion classification.In addition,the results show that our proposed method outperforms the baseline methods on most of the testing datasets in weighted-average F1.展开更多
To reduce the discrepancy between the source and target domains,a new multi-label adaptation network(ML-ANet)based on multiple kernel variants with maximum mean discrepancies is proposed in this paper.The hidden repre...To reduce the discrepancy between the source and target domains,a new multi-label adaptation network(ML-ANet)based on multiple kernel variants with maximum mean discrepancies is proposed in this paper.The hidden representations of the task-specific layers in ML-ANet are embedded in the reproducing kernel Hilbert space(RKHS)so that the mean-embeddings of specific features in different domains could be precisely matched.Multiple kernel functions are used to improve feature distribution efficiency for explicit mean embedding matching,which can further reduce domain discrepancy.Adverse weather and cross-camera adaptation examinations are conducted to verify the effectiveness of our proposed ML-ANet.The results show that our proposed ML-ANet achieves higher accuracies than the compared state-of-the-art methods for multi-label image classification in both the adverse weather adaptation and cross-camera adaptation experiments.These results indicate that ML-ANet can alleviate the reliance on fully labeled training data and improve the accuracy of multi-label image classification in various domain shift scenarios.展开更多
In this paper, we utilize the framework of multi-label learning for face demographic classification. We also attempt t;o explore the suitable classifiers and features for face demographic classification. Three most po...In this paper, we utilize the framework of multi-label learning for face demographic classification. We also attempt t;o explore the suitable classifiers and features for face demographic classification. Three most popular demographic information, gender, ethnicity and age are considered in experiments. Based on the results from demographic classification, we utilize statistic analysis to explore the correlation among various face demographic information. Through the analysis, we draw several conclusions on the correlation and interaction among these high-level face semantic, and the obtained results can be helpful in automatic face semantic annotation and other face analysis tasks.展开更多
文摘The COVID-19 pandemic has become one of the severe diseases in recent years.As it majorly affects the common livelihood of people across the universe,it is essential for administrators and healthcare professionals to be aware of the views of the community so as to monitor the severity of the spread of the outbreak.The public opinions are been shared enormously in microblogging med-ia like twitter and is considered as one of the popular sources to collect public opinions in any topic like politics,sports,entertainment etc.,This work presents a combination of Intensity Based Emotion Classification Convolution Neural Net-work(IBEC-CNN)model and Non-negative Matrix Factorization(NMF)for detecting and analyzing the different topics discussed in the COVID-19 tweets as well the intensity of the emotional content of those tweets.The topics were identified using NMF and the emotions are classified using pretrained IBEC-CNN,based on predefined intensity scores.The research aimed at identifying the emotions in the Indian tweets related to COVID-19 and producing a list of topics discussed by the users during the COVID-19 pandemic.Using the Twitter Application Programming Interface(Twitter API),huge numbers of COVID-19 tweets are retrieved during January and July 2020.The extracted tweets are ana-lyzed for emotions fear,joy,sadness and trust with proposed Intensity Based Emotion Classification Convolution Neural Network(IBEC-CNN)model which is pretrained.The classified tweets are given an intensity score varies from 1 to 3,with 1 being low intensity for the emotion,2 being the moderate and 3 being the high intensity.To identify the topics in the tweets and the themes of those topics,Non-negative Matrix Factorization(NMF)has been employed.Analysis of emotions of COVID-19 tweets has identified,that the count of positive tweets is more than that of count of negative tweets during the period considered and the negative tweets related to COVID-19 is less than 5%.Also,more than 75%nega-tive tweets expressed sadness,fear are of low intensity.A qualitative analysis has also been conducted and the topics detected are grouped into themes such as eco-nomic impacts,case reports,treatments,entertainment and vaccination.The results of analysis show that the issues related to the pandemic are expressed dif-ferent emotions in twitter which helps in interpreting the public insights during the pandemic and these results are beneficial for planning the dissemination of factual health statistics to build the trust of the people.The performance comparison shows that the proposed IBEC-CNN model outperforms the conventional models and achieved 83.71%accuracy.The%of COVID-19 tweets that discussed the different topics vary from 7.45%to 26.43%on topics economy,Statistics on cases,Government/Politics,Entertainment,Lockdown,Treatments and Virtual Events.The least number of tweets discussed on politics/government on the other hand the tweets discussed most about treatments.
基金the Natural Science Foundation of China(Grant Numbers 72074014 and 72004012).
文摘Purpose:Many science,technology and innovation(STI)resources are attached with several different labels.To assign automatically the resulting labels to an interested instance,many approaches with good performance on the benchmark datasets have been proposed for multi-label classification task in the literature.Furthermore,several open-source tools implementing these approaches have also been developed.However,the characteristics of real-world multi-label patent and publication datasets are not completely in line with those of benchmark ones.Therefore,the main purpose of this paper is to evaluate comprehensively seven multi-label classification methods on real-world datasets.Research limitations:Three real-world datasets differ in the following aspects:statement,data quality,and purposes.Additionally,open-source tools designed for multi-label classification also have intrinsic differences in their approaches for data processing and feature selection,which in turn impacts the performance of a multi-label classification approach.In the near future,we will enhance experimental precision and reinforce the validity of conclusions by employing more rigorous control over variables through introducing expanded parameter settings.Practical implications:The observed Macro F1 and Micro F1 scores on real-world datasets typically fall short of those achieved on benchmark datasets,underscoring the complexity of real-world multi-label classification tasks.Approaches leveraging deep learning techniques offer promising solutions by accommodating the hierarchical relationships and interdependencies among labels.With ongoing enhancements in deep learning algorithms and large-scale models,it is expected that the efficacy of multi-label classification tasks will be significantly improved,reaching a level of practical utility in the foreseeable future.Originality/value:(1)Seven multi-label classification methods are comprehensively compared on three real-world datasets.(2)The TextCNN and TextRCNN models perform better on small-scale datasets with more complex hierarchical structure of labels and more balanced document-label distribution.(3)The MLkNN method works better on the larger-scale dataset with more unbalanced document-label distribution.
基金supported by the National Key Research and Development Program of China(Grant No.2020YFA0211400)the State Key Program of the National Natural Science of China(Grant No.11834008)+2 种基金the National Natural Science Foundation of China(Grant Nos.12174192,12174188,and 11974176)the State Key Laboratory of Acoustics,Chinese Academy of Sciences(Grant No.SKLA202410)the Fund from the Key Laboratory of Underwater Acoustic Environment,Chinese Academy of Sciences(Grant No.SSHJ-KFKT-1701).
文摘Phononic crystals,as artificial composite materials,have sparked significant interest due to their novel characteristics that emerge upon the introduction of nonlinearity.Among these properties,second-harmonic features exhibit potential applications in acoustic frequency conversion,non-reciprocal wave propagation,and non-destructive testing.Precisely manipulating the harmonic band structure presents a major challenge in the design of nonlinear phononic crystals.Traditional design approaches based on parameter adjustments to meet specific application requirements are inefficient and often yield suboptimal performance.Therefore,this paper develops a design methodology using Softmax logistic regression and multi-label classification learning to inversely design the material distribution of nonlinear phononic crystals by exploiting information from harmonic transmission spectra.The results demonstrate that the neural network-based inverse design method can effectively tailor nonlinear phononic crystals with desired functionalities.This work establishes a mapping relationship between the band structure and the material distribution within phononic crystals,providing valuable insights into the inverse design of metamaterials.
基金supported by Fundamental Research Funds from the Beijing University of Chinese Medicine(2023-JYB-KYPT-13)the Developmental Fund of Beijing University of Chinese Medicine(2020-ZXFZJJ-083).
文摘Objective:To explore the feasibility of remotely obtaining complex information on traditional Chinese medicine(TCM)pulse conditions through voice signals.Methods: We used multi-label pulse conditions as the entry point and modeled and analyzed TCM pulse diagnosis by combining voice analysis and machine learning.Audio features were extracted from voice recordings in the TCM pulse condition dataset.The obtained features were combined with information from tongue and facial diagnoses.A multi-label pulse condition voice classification DNN model was built using 10-fold cross-validation,and the modeling methods were validated using publicly available datasets.Results: The analysis showed that the proposed method achieved an accuracy of 92.59%on the public dataset.The accuracies of the three single-label pulse manifestation models in the test set were 94.27%,96.35%,and 95.39%.The absolute accuracy of the multi-label model was 92.74%.Conclusion: Voice data analysis may serve as a remote adjunct to the TCM diagnostic method for pulse condition assessment.
基金This study was supported,in part,by the National Nature Science Foundation of China under Grant 62272236in part,by the Natural Science Foundation of Jiangsu Province under Grant BK20201136,BK20191401.
文摘The image emotion classification task aims to use the model to automatically predict the emotional response of people when they see the image.Studies have shown that certain local regions are more likely to inspire an emotional response than the whole image.However,existing methods perform poorly in predicting the details of emotional regions and are prone to overfitting during training due to the small size of the dataset.Therefore,this study proposes an image emotion classification network based on multilayer attentional interaction and adaptive feature aggregation.To perform more accurate emotional region prediction,this study designs a multilayer attentional interaction module.The module calculates spatial attention maps for higher-layer semantic features and fusion features through amultilayer shuffle attention module.Through layer-by-layer up-sampling and gating operations,the higher-layer features guide the lower-layer features to learn,eventually achieving sentiment region prediction at the optimal scale.To complement the important information lost by layer-by-layer fusion,this study not only adds an intra-layer fusion to the multilayer attention interaction module but also designs an adaptive feature aggregation module.The module uses global average pooling to compress spatial information and connect channel information from all layers.Then,the module adaptively generates a set of aggregated weights through two fully connected layers to augment the original features of each layer.Eventually,the semantics and details of the different layers are aggregated through gating operations and residual connectivity to complement the lost information.To reduce overfitting on small datasets,the network is pre-trained on the FI dataset,and further weight fine-tuning is performed on the small dataset.The experimental results on the FI,Twitter I and Emotion ROI(Region of Interest)datasets show that the proposed network exceeds existing image emotion classification methods,with accuracies of 90.27%,84.66%and 84.96%.
基金Princess Nourah bint Abdulrahman University Researchers Supporting Project Number (PNURSP2022R281)Princess Nourah bint Abdulrahman University,Riyadh,Saudi ArabiaDeanship of Scientific Research at Umm Al-Qura University for supporting this work by Grant Code: (22UQU4340237DSR61).
文摘Currently,individuals use online social media,namely Facebook or Twitter,for sharing their thoughts and emotions.Detection of emotions on social networking sites’finds useful in several applications in social welfare,commerce,public health,and so on.Emotion is expressed in several means,like facial and speech expressions,gestures,and written text.Emotion recognition in a text document is a content-based classification problem that includes notions from deep learning(DL)and natural language processing(NLP)domains.This article proposes a Deer HuntingOptimizationwithDeep Belief Network Enabled Emotion Classification(DHODBN-EC)on English Twitter Data in this study.The presented DHODBN-EC model aims to examine the existence of distinct emotion classes in tweets.At the introductory level,the DHODBN-EC technique pre-processes the tweets at different levels.Besides,the word2vec feature extraction process is applied to generate the word embedding process.For emotion classification,the DHODBN-EC model utilizes the DBN model,which helps to determine distinct emotion class labels.Lastly,the DHO algorithm is leveraged for optimal hyperparameter adjustment of the DBN technique.An extensive range of experimental analyses can be executed to demonstrate the enhanced performance of the DHODBN-EC approach.A comprehensive comparison study exhibited the improvements of the DHODBN-EC model over other approaches with increased accuracy of 96.67%.
基金supported by National Natural Science Foundation of China(NSFC)(Grant Nos.62162022,62162024)the Key Research and Development Program of Hainan Province(Grant Nos.ZDYF2020040,ZDYF2021GXJS003)+2 种基金the Major Science and Technology Project of Hainan Province(Grant No.ZDKJ2020012)Hainan Provincial Natural Science Foundation of China(Grant Nos.620MS021,621QN211)Science and Technology Development Center of the Ministry of Education Industry-University-Research Innovation Fund(2021JQR017).
文摘In the realm of Multi-Label Text Classification(MLTC),the dual challenges of extracting rich semantic features from text and discerning inter-label relationships have spurred innovative approaches.Many studies in semantic feature extraction have turned to external knowledge to augment the model’s grasp of textual content,often overlooking intrinsic textual cues such as label statistical features.In contrast,these endogenous insights naturally align with the classification task.In our paper,to complement this focus on intrinsic knowledge,we introduce a novel Gate-Attention mechanism.This mechanism adeptly integrates statistical features from the text itself into the semantic fabric,enhancing the model’s capacity to understand and represent the data.Additionally,to address the intricate task of mining label correlations,we propose a Dual-end enhancement mechanism.This mechanism effectively mitigates the challenges of information loss and erroneous transmission inherent in traditional long short term memory propagation.We conducted an extensive battery of experiments on the AAPD and RCV1-2 datasets.These experiments serve the dual purpose of confirming the efficacy of both the Gate-Attention mechanism and the Dual-end enhancement mechanism.Our final model unequivocally outperforms the baseline model,attesting to its robustness.These findings emphatically underscore the imperativeness of taking into account not just external knowledge but also the inherent intricacies of textual data when crafting potent MLTC models.
文摘Many studies suggest that EEG signals provide enough information for the detection of human emotions with feature based classification methods. However, very few studies have reported a classification method that reliably works for individual participants (classification accuracy well over 90%). Further, a necessary condition for real life applications is a method that allows, irrespective of the immense individual difference among participants, to have minimal variance over the individual classification accuracy. We conducted offline computer aided emotion classification experiments using strict experimental controls. We analyzed EEG data collected from nine participants using validated film clips to induce four different emotional states (amused, disgusted, sad and neutral). The classification rate was evaluated using both unsupervised and supervised learning algorithms (in total seven “state of the art” algorithms were tested). The largest classification accuracy was computed by means of Support Vector Machine. Accuracy rate was on average 97.2%. The experimental protocol effectiveness was further supported by very small variance among individual participants’ classification accuracy (within interval: 96.7%, 98.3%). Classification accuracy evaluated on reduced number of electrodes suggested, consistently with psychological constructionist approaches, that we were able to classify emotions considering cortical activity from areas involved in emotion representation. The experimental protocol therefore appeared to be a key factor to improve the classification outcome by means of data quality improvements.
基金This work has been supported by the National Nature Science Foundation of China(No.61503423,H.P.Jiang).And its URls is http://www.nsfc.gov.cn/.
文摘Emotion recognition systems are helpful in human-machine interactions and Intelligence Medical applications.Electroencephalogram(EEG)is closely related to the central nervous system activity of the brain.Compared with other signals,EEG is more closely associated with the emotional activity.It is essential to study emotion recognition based on EEG information.In the research of emotion recognition based on EEG,it is a common problem that the results of individual emotion classification vary greatly under the same scheme of emotion recognition,which affects the engineering application of emotion recognition.In order to improve the overall emotion recognition rate of the emotion classification system,we propose the CSP_VAR_CNN(CVC)emotion recognition system,which is based on the convolutional neural network(CNN)algorithm to classify emotions of EEG signals.Firstly,the emotion recognition system using common spatial patterns(CSP)to reduce the EEG data,then the standardized variance(VAR)is selected as the parameter to form the emotion feature vectors.Lastly,a 5-layer CNN model is built to classify the EEG signal.The classification results show that this emotion recognition system can better the overall emotion recognition rate:the variance has been reduced to 0.0067,which is a decrease of 64%compared to that of the CSP_VAR_SVM(CVS)system.On the other hand,the average accuracy reaches 69.84%,which is 0.79%higher than that of the CVS system.It shows that the overall emotion recognition rate of the proposed emotion recognition system is more stable,and its emotion recognition rate is higher.
文摘This paper proposes the use of time-frequency and wavelet transform features for emotion recognition via EEG signals. The proposed experiment has been carefully designed with EEG electrodes placed at FP1 and FP2 and using images provided by the Affective Picture System (IAP), which was developed by the University of Florida. A total of two time-domain features, two frequen-cy-domain features, as well as discrete wavelet transform coefficients have been studied using Artificial Neural Network (ANN) as the classifier, and the best combination of these features has been determined. Using the data collected, the best detection accuracy achievable by the proposed schemed is about 81.8%.
文摘How high-level emotional representation of art paintings can be inferred from percep tual level features suited for the particular classes (dynamic vs. static classification)is presented. The key points are feature selection and classification. According to the strong relationship between notable lines of image and human sensations, a novel feature vector WLDLV (Weighted Line Direction-Length Vector) is proposed, which includes both orientation and length information of lines in an image. Classification is performed by SVM (Support Vector Machine) and images can be classified into dynamic and static. Experimental results demonstrate the effectiveness and superiority of the algorithm.
基金Authors would like to acknowledge the support of the Deputy for Research and Innovation-Ministry of Education,Kingdom of Saudi Arabia for this research through a Grant(NU/IFC/ENT/01/014)under the institutional Funding Committee at Najran University,Kingdom of Saudi Arabia.
文摘Electroencephalogram(EEG)is a medical imaging technology that can measure the electrical activity of the scalp produced by the brain,measured and recorded chronologically the surface of the scalp from the brain.The recorded signals from the brain are rich with useful information.The inference of this useful information is a challenging task.This paper aims to process the EEG signals for the recognition of human emotions specifically happiness,anger,fear,sadness,and surprise in response to audiovisual stimuli.The EEG signals are recorded by placing neurosky mindwave headset on the subject’s scalp,in response to audiovisual stimuli for the mentioned emotions.Using a bandpass filter with a bandwidth of 1-100 Hz,recorded raw EEG signals are preprocessed.The preprocessed signals then further analyzed and twelve selected features in different domains are extracted.The Random forest(RF)and multilayer perceptron(MLP)algorithms are then used for the classification of the emotions through extracted features.The proposed audiovisual stimuli based EEG emotion classification system shows an average classification accuracy of 80%and 88%usingMLP and RF classifiers respectively on hybrid features for experimental signals of different subjects.The proposed model outperforms in terms of cost and accuracy.
基金the National Key Research and Development Program of China(No.2018YFB1702601)the Science and Technology Commission of Shanghai Municipality(No.19511105103)。
文摘The current research on emotional classification uses many methods that combine the attention mechanism with neural networks.However,the effect is unsatisfactory when dealing with complex text.An emotional classification model is proposed,which combines multi-head attention(MHA)with improved structured-self attention(SSA).The model makes several different linear transformations of input by introducing MHA mechanism and can extract more comprehensive high-level phrase representation features from the word embedded vector.Meanwhile,it can realize the parallelization calculation and ensure the training speed of the model.The improved SSA structure uses matrices to represent different parts of a sentence to extract local key information,to ensure that the degree of dependence between words is not affected by time and sentence length,and generate the overall semantics of the sentence.Experiment results show that the current model effectively obtains global structural information and improves classification accuracy.
基金supported by the National Natural Science Foundation of China(5110505261173163)the Liaoning Provincial Natural Science Foundation of China(201102037)
文摘In the need of some real applications, such as text categorization and image classification, the multi-label learning gradually becomes a hot research point in recent years. Much attention has been paid to the research of multi-label classification algorithms. Considering the fact that the high dimensionality of the multi-label datasets may cause the curse of dimensionality and wil hamper the classification process, a dimensionality reduction algorithm, named multi-label kernel discriminant analysis (MLKDA), is proposed to reduce the dimensionality of multi-label datasets. MLKDA, with the kernel trick, processes the multi-label integrally and realizes the nonlinear dimensionality reduction with the idea similar with linear discriminant analysis (LDA). In the classification process of multi-label data, the extreme learning machine (ELM) is an efficient algorithm in the premise of good accuracy. MLKDA, combined with ELM, shows a good performance in multi-label learning experiments with several datasets. The experiments on both static data and data stream show that MLKDA outperforms multi-label dimensionality reduction via dependence maximization (MDDM) and multi-label linear discriminant analysis (MLDA) in cases of balanced datasets and stronger correlation between tags, and ELM is also a good choice for multi-label classification.
基金Princess Nourah bint Abdulrahman University Researchers Supporting Project Number(PNURSP2022R263)Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.The authors would like to thank the Deanship of Scientific Research at Umm Al-Qura University for supporting this work by Grant Code:22UQU4340237DSR36The authors are thankful to the Deanship of Scientific Research at Najran University for funding thiswork under theResearch Groups Funding program grant code(NU/RG/SERC/11/7).
文摘Arabic is one of the most spoken languages across the globe.However,there are fewer studies concerning Sentiment Analysis(SA)in Arabic.In recent years,the detected sentiments and emotions expressed in tweets have received significant interest.The substantial role played by the Arab region in international politics and the global economy has urged the need to examine the sentiments and emotions in the Arabic language.Two common models are available:Machine Learning and lexicon-based approaches to address emotion classification problems.With this motivation,the current research article develops a Teaching and Learning Optimization with Machine Learning Based Emotion Recognition and Classification(TLBOML-ERC)model for Sentiment Analysis on tweets made in the Arabic language.The presented TLBOML-ERC model focuses on recognising emotions and sentiments expressed in Arabic tweets.To attain this,the proposed TLBOMLERC model initially carries out data pre-processing and a Continuous Bag Of Words(CBOW)-based word embedding process.In addition,Denoising Autoencoder(DAE)model is also exploited to categorise different emotions expressed in Arabic tweets.To improve the efficacy of the DAE model,the Teaching and Learning-based Optimization(TLBO)algorithm is utilized to optimize the parameters.The proposed TLBOML-ERC method was experimentally validated with the help of an Arabic tweets dataset.The obtained results show the promising performance of the proposed TLBOML-ERC model on Arabic emotion classification.
基金supported by the National Key R&D Program of China(2018YFC0830200,Zhang,B,www.most.gov.cn)the Fundamental Research Funds for the Central Universities(2242018S30021 and 2242017S30023,Zhou S,www.seu.edu.cn)the Open Research Fund from Key Laboratory of Computer Network and Information Integration In Southeast University,Ministry of Education,China(3209012001C3,Zhang B,www.seu.edu.cn).
文摘The Internet of Medical Things(IoMT)will come to be of great importance in the mediation of medical disputes,as it is emerging as the core of intelligent medical treatment.First,IoMT can track the entire medical treatment process in order to provide detailed trace data in medical dispute resolution.Second,IoMT can infiltrate the ongoing treatment and provide timely intelligent decision support to medical staff.This information includes recommendation of similar historical cases,guidance for medical treatment,alerting of hired dispute profiteers etc.The multi-label classification of medical dispute documents(MDDs)plays an important role as a front-end process for intelligent decision support,especially in the recommendation of similar historical cases.However,MDDs usually appear as long texts containing a large amount of redundant information,and there is a serious distribution imbalance in the dataset,which directly leads to weaker classification performance.Accordingly,in this paper,a multi-label classification method based on key sentence extraction is proposed for MDDs.The method is divided into two parts.First,the attention-based hierarchical bi-directional long short-term memory(BiLSTM)model is used to extract key sentences from documents;second,random comprehensive sampling Bagging(RCS-Bagging),which is an ensemble multi-label classification model,is employed to classify MDDs based on key sentence sets.The use of this approach greatly improves the classification performance.Experiments show that the performance of the two models proposed in this paper is remarkably better than that of the baseline methods.
基金supported by the National Natural Science Foundation of China(No.61876205)the National Key Research and Development Program of China(No.2020YFB1005804)the MOE Project at Center for Linguistics and Applied Linguistics,Guangdong University of Foreign Studies.
文摘Emotion classification in textual conversations focuses on classifying the emotion of each utterance from textual conversations.It is becoming one of the most important tasks for natural language processing in recent years.However,it is a challenging task for machines to conduct emotion classification in textual conversations because emotions rely heavily on textual context.To address the challenge,we propose a method to classify emotion in textual conversations,by integrating the advantages of deep learning and broad learning,namely DBL.It aims to provide a more effective solution to capture local contextual information(i.e.,utterance-level)in an utterance,as well as global contextual information(i.e.,speaker-level)in a conversation,based on Convolutional Neural Network(CNN),Bidirectional Long Short-Term Memory(Bi-LSTM),and broad learning.Extensive experiments have been conducted on three public textual conversation datasets,which show that the context in both utterance-level and speaker-level is consistently beneficial to the performance of emotion classification.In addition,the results show that our proposed method outperforms the baseline methods on most of the testing datasets in weighted-average F1.
基金Supported by Shenzhen Fundamental Research Fund of China(Grant No.JCYJ20190808142613246)National Natural Science Foundation of China(Grant No.51805332),and Young Elite Scientists Sponsorship Program funded by the China Society of Automotive Engineers.
文摘To reduce the discrepancy between the source and target domains,a new multi-label adaptation network(ML-ANet)based on multiple kernel variants with maximum mean discrepancies is proposed in this paper.The hidden representations of the task-specific layers in ML-ANet are embedded in the reproducing kernel Hilbert space(RKHS)so that the mean-embeddings of specific features in different domains could be precisely matched.Multiple kernel functions are used to improve feature distribution efficiency for explicit mean embedding matching,which can further reduce domain discrepancy.Adverse weather and cross-camera adaptation examinations are conducted to verify the effectiveness of our proposed ML-ANet.The results show that our proposed ML-ANet achieves higher accuracies than the compared state-of-the-art methods for multi-label image classification in both the adverse weather adaptation and cross-camera adaptation experiments.These results indicate that ML-ANet can alleviate the reliance on fully labeled training data and improve the accuracy of multi-label image classification in various domain shift scenarios.
基金Project supported by the National Natural Science Foundation of China(Grant No.60605012)the Natural Science Foundation of Shanghai(Grant No.08ZR1408200)+1 种基金the Open Project Program of the National Laboratory of Pattern Recognition of China(Grant No.08-2-16)the Shanghai Leading Academic Discipline Project(Grant No.J50103)
文摘In this paper, we utilize the framework of multi-label learning for face demographic classification. We also attempt t;o explore the suitable classifiers and features for face demographic classification. Three most popular demographic information, gender, ethnicity and age are considered in experiments. Based on the results from demographic classification, we utilize statistic analysis to explore the correlation among various face demographic information. Through the analysis, we draw several conclusions on the correlation and interaction among these high-level face semantic, and the obtained results can be helpful in automatic face semantic annotation and other face analysis tasks.