[BACK]
Computers, Materials & Continua
DOI:10.32604/cmc.2022.031732
images
Article

Seeker Optimization with Deep Learning Enabled Sentiment Analysis on Social Media

Hanan M. Alghamdi1, Saadia H.A. Hamza2, Aisha M. Mashraqi3 and Sayed Abdel-Khalek4,5,*

1Department of Computer Science, College of Computing Al-Qunfidhah, Umm Al-Qura University, Saudi Arabia
2Department of Computer Science, College of Science and Humanities, Slayel, Prince Sattam Bin AbdulAziz University, Saudi Arabia
3Department of Computer Science, College of Computer Science and Information Systems, Najran Univesity, Najran, 61441, Saudi Arabia
4Department of Mathematics, College of Science, Taif University, P.O. Box 11099, Taif, 21944, Saudi Arabia
5Department of Mathematics, Faculty of Science, Sohag University, Sohag, Egypt
*Corresponding Author: Sayed Abdel-Kahelek. Email: sayedquantum@yahoo.co.uk
Received: 25 April 2022; Accepted: 09 June 2022

Abstract: World Wide Web enables its users to connect among themselves through social networks, forums, review sites, and blogs and these interactions produce huge volumes of data in various forms such as emotions, sentiments, views, etc. Sentiment Analysis (SA) is a text organization approach that is applied to categorize the sentiments under distinct classes such as positive, negative, and neutral. However, Sentiment Analysis is challenging to perform due to inadequate volume of labeled data in the domain of Natural Language Processing (NLP). Social networks produce interconnected and huge data which brings complexity in terms of expanding SA to an extensive array of applications. So, there is a need exists to develop a proper technique for both identification and classification of sentiments in social media. To get rid of these problems, Deep Learning methods and sentiment analysis are consolidated since the former is highly efficient owing to its automatic learning capability. The current study introduces a Seeker Optimization Algorithm with Deep Learning enabled SA and Classification (SOADL-SAC) for social media. The presented SOADL-SAC model involves the proper identification and classification of sentiments in social media. In order to attain this, SOADL-SAC model carries out data preprocessing to clean the input data. In addition, Glove technique is applied to generate the feature vectors. Moreover, Self-Head Multi-Attention based Gated Recurrent Unit (SHMA-GRU) model is exploited to recognize and classify the sentiments. Finally, Seeker Optimization Algorithm (SOA) is applied to fine-tune the hyperparameters involved in SHMA-GRU model which in turn enhances the classifier results. In order to validate the enhanced outcomes of the proposed SOADL-SAC model, various experiments were conducted on benchmark datasets. The experimental results inferred the better performance of SOADL-SAC model over recent state-of-the-art approaches.

Keywords: Sentiment analysis; classification of sentiment; social media; seeker optimization algorithm; glove embedding; natural language processing

1  Introduction

Social media platforms like YouTube and Facebook gather enormous volumes of user reviews which translates into creation of an origin of data for firms to understand their consumers. Word-of-Mouth (WOM) marketing strategies create a positive impact on consumer buying decisions. Messages that are posted on social media have high influence upon consumers and it grants or provides guidance to organizations, persons, and societies in decision making process [1]. These text messages and reviews can be utilized to analyze the thoughts against distinct brands, persons, products, and firms. Sentiment Analysis (SA) is a procedure that distinguishes a speech or text as negative or neutral or positive [2]. Most of the text mining methods depend on Natural Language Processing (NLP) methods like syntactic parsing, Part-Of-Speech tagging (POG) and other forms of linguistic analyses. SA is familiar with high penetration of Web 2.0 [3]. But, Natural Language Processing tool is not helpful in social media domain. Dissimilar product evaluations, long commentaries, microblogs (e.g., tweets), and text messages sent on fan pages are concise and informal in nature [4,5]. Social media language is concise and comprises of particular terms that inculcate social media slang, emoticons, and emphasis.

SA has the ability to overcome mechanical and theoretic problems which act as hindrance to achieve precision in polarity recognition [6]. However, it is important to learn the relationship amongst those problems and sentiment architecture and its influence on the accuracy of the outcomes. This study confirmed that accuracy is the only measure focused in the recent studies conducted on SA. The study confirmed that accuracy gets influenced by few difficulties such as dealing negation, field dependency etc. [7]. Social media is a significant source of information for SA. Social media networks constantly expand and produce highly complex and interconnected data. From this perspective, it could not only aim at structure and interrelation of data, but also on a lasting learning method to handle with inference, data presentation, analysis, search, visualization navigation, and decision making in complicated network systems [8]. Various research studies have been conducted earlier to develop robust designs that can solve consistently-rising complexity of big data, and expansion of SA to an extensive array of applications like budget forecasting, marketing approaches for medical analysis and so on [9]. But some of these studies were interested in assessing distinct Deep Learning (DL) methods to achieve fool-proof performance [10]. When analyzing the performance of a single methodology in single dataset that belongs to a specific field, the results depicted high overall precision from Recurrent Neural Networks (RNN) and Convolutional Neural Networks (CNN).

Jain et al. [11] developed a hybrid CNN Long Short-Term Memory Network (CNN-LSTM) technique for SA. The presented technique made use of batch normalization, dropout, and max pooling to accomplish the outcomes. This experimental study was conducted on airline quality and Twitter airline sentimental datasets. Ombabi et al. [12] developed a DL method for Arabic language SA in which single layer CNN structure was used for the extraction of local features whereas two-layers LSTM was used to preserve long-term dependency. The feature map, generated by LSTM and CNN, was passed through Support Vector Machine (SVM) classifier to generate the concluding classifiers. FastText word embedding method was used in this study to support the proposed method. In literature [13], the researchers presented a hybrid DL technique which deliberately integrates distinct word embedding (FastText, character-level embedding, Word2Vec) using dissimilar DL approaches (Gated recurrent unit (GRU), Bidirectional long-short term memory (BiLSTM), CNN, LSTM). The presented method extracts the word embedding feature of DL methodologies that integrates the features and classifies the text in terms of SA.

In the study conducted earlier [14], a Neural Network (NN) system was proposed combining user behavioral dataset and the presented document (tweet). In this study, Convolutional Neural Network was used. Li et al. [15] presented a faster, compact, and parameter-effective party-ignorant architecture named bi-directional recurrent unit for SA. In this technique, a generalized neural tensor block is used along with two-channel classifiers to perform sentiment classification and contextual compositionality correspondingly. In the study conducted earlier [16], a novel reference method was proposed for SA i.e., Aspect-Based Sentiment Classification (ABSA) abbreviated as KnowMIS-ABSA approach. This method deals the data with a deliberation that opinion, sentiment, affect, and emotion are dissimilar conceptions and it is incorrect to utilize similar metrics and methods to evaluate them.

The current study introduces a Seeker Optimization Algorithm with Deep Learning enabled SA and Classification (SOADL-SAC) on social media. The presented SOADL-SAC model involves data preprocessing to clean the input data. In addition, glove technique is applied to generate the feature vectors. Moreover, Self-Head Multi-Attention based Gated Recurrent Unit (SHMA-GRU) model is exploited to recognize and classify the sentiments. Finally, SOA is applied as a hyper-parameter tuning strategy for SHMA-GRU model which in turn enhances the classification results. In order to ensure the enhanced outcomes of SOADL-SAC model, various experiments were conducted on benchmark datasets.

2  The Proposed SOADL-SAC Model

In this study, a new SOADL-SAC model has been developed for proper identification and classification of sentiments in social media. The proposed SOADL-SAC model performs data preprocessing at the initial stage to clean the input data. Then, glove technique is applied to generate the feature vectors. Followed by, SHMA-GRU model is exploited to recognize and classify the sentiments. At last, SOA is applied as a hyperparameter tuning strategy for SHMA-GRU model which enhances the classification results. Fig. 1 illustrates the overall block diagram of SOADL-SAC technique.

images

Figure 1: Overall block diagram of SOADL-SAC technique

2.1 Data Preprocessing

Primarily, SOADL-SAC model performs data preprocessing at the initial stage to clean the input data. Text cleaning is a preprocessing stage during when the words or other elements without appropriate data are eliminated. This process can minimize the errors and increase the efficiency of sentiment analysis. Sentence or text data involves punctuation, stop words, and white space. Text cleaning has various stages for sentence normalization. Each dataset is cleaned based on the following steps.

•   Conversion of text into lower case;

•   Cleaning the Twitter RTs, @, #, and the links from the sentences;

•   Cleaning all non-letter characters and even numbers;

•   Decoding HTML to general text;

•   Stemming or lemmatization;

•   Removal of extra white spaces;

•   Removal of English stop terms and punctuation;

2.2 Feature Vectors

After data preprocessing, glove technique is applied to generate the feature vectors. GloVe word embedding method is employed in this study to extract the semantic features on webpage texting. GloVe is also known as global vector and is an unsupervised learning method to disperse the words presented in the text of detached webpage. GloVe method is easy to train using the data as a result of parallel operation. It takes the semantic connection of words from vector space. Co-occurrence matrix X is produced by the word established from Wikipedia database to train the GloVe word embedding method [17]. In co-occurrence matrix, X: Xij indicates the volume of contextual words i that act as a word, j. GloVe method diminishes the succeeding function.

I=Minimizei=1Vj=1V(WitWj+bi+bjlogxij)(1)

2.3 SHMA-GRU Based Classification

At this stage, SHMA-GRU model is exploited to recognize and classify the sentiments [18]. Attention is a process of identifying the patterns from the input which is vital to resolve the challenges considered. In DL, self-attention is an attention process for sequencing and it supports learning about task-specific connection amongst distinct elements of the provided order so as to produce an optimum order representation. In self-attention element, three linear presents such as Key (K), Value (V), and Query (Q) of the provided input order are created whereas K,Q,VRN×D. The attention map is calculated based on the similarity between Q, and the resultant of this element ARN×D which refers to the scaled dot-product between V and learned softmax attention (QKT), as illustrated in Eq. (2).

A=softmax(QKTD)V(2)

During multi-head self-attention, several self-attention elements are utilized in parallel. All the heads consider distinct connections amongst the words from input text and identifies the individual keywords that are supported by the classifier. This method utilizes a series of multi-head self-attention layers (#L) with several heads (#H) from all the layers. Self-attention determines the word from the text which is essential to detect the sentiments. These words are present around everyone or stay away from the input text. To learn long-distance connections amongst these words, GRU can be utilized. This unit has been developed based on typical RNNs and is planned to remember and forget the data flow dynamically using Reset (rt) and Update (zt) gates, so as to resolve the vanishing gradient problems. In this method, a single layer of bidirectional GRU (BiGRU) can be utilized to process the order A, as this unit creates contextual data in both the directions. To provide the input order ARN×D, GRU calculates the hidden state H={h1,h2,,hN}, HRN×D to all the elements from the order as follows.

rt=σ(WrAt+Urht1+br)

zt=σ(WzAt+Uzht1+bz)(3)

h~=tanh(WhAt+Uh(rtht1)+bh)

ht=ztht+(1zt)h~t1

whereas σ() refers to elementwise sigmoid function and W,U,b signify the trainable weights as well as bias. rt,zt,ht,h~Rd, whereas d refers to the size of hidden dimension. It can be assumed that the last hidden layer hN encodes every data from the order as the result of this element. Fig. 2 depicts the framework of GRU.

images

Figure 2: Structure of GRU

2.4 SOA Based Hyperparameter Tuning

Finally, SOA is applied as a hyperparameter tuning strategy [1923] for SHMA-GRU model which in turn enhances the classification results. SOA approach implements a comprehensive study on human searching behaviors [24]. It assumes optimization as a searching process to achieve an optimum solution by searching as a team in searching region. Here, the searching group is taken as population and the searcher site is considered as task algorithm. With ‘experienced gradients’ to define the searching direction, indeterminate reason is utilized to resolve the searching phase measurements. This is performed with the help of scout direction and searching for step size to complete the searcher’s location in searching space upgrade and accomplish the optimized solution. SOA algorithm has three central upgrading phases.

1) SEARCH DIRECTION: The forward direction of searching is determined as the experienced gradient attained from individual motion and the calculation of other searching locations. The pre-emptive direction fi,p(t), egoistic direction fi,e(t) and altruistic direction fi,a(t) of i-th individuals in all the dimensions can determined as follows.

fi,e(t)=pi, bestxi(t)(4)

fi,a(t)=gi, bestxi(t)(5)

fi,p(t)=xi(t1)xi(t2)(6)

The searcher employs average weight technique to attain the searching direction.

fi(t)=sign(ωf(t)+ψ1fi,e(t)+ψ2fi,a(t))(7)

wherein: t1,t2{t,t1,t2}, xi(t1) and X(t2) are the key benefits of {Xi(t2),xi(t1),xi(t)} independently; gi,best indicates the previous optimum position in neighborhood in which the i-th searching factor is positioned; pi, best represents the optimum location from i-th searching factor to the present location; ψ1 and ψ2 indicate the arbitrary values within [0,1]. ω indicates the inertia weight.

2) SEARCH STEP SIZE: SOA approach represents the fuzzy calculation capability. This approach uses the computer language which defines the natural language of humans and it could imitate the human intellect reasoning searching behavior. When the approach is expressed as a fuzzy rule, it adapts to the optimal calculation of optimization problem. The great searching step length is highly effective. But, the small fitness step length makes them small. Gaussian distribution process is adapted to describe the searching step measurements.

μ(α)=eα22δ2(8)

In Eq. (8), α and δ indicate the membership function variables. Based on the Eq. (8), the possibility of the output parameter exceeding [3δ,3δ] is lesser, when compared to the value, 0.0111. Hence, μmin=0.0111. In standard circumstances, the optimum location of the individual has μmax=1.0, and the worst location is 0.0111. In order to accelerate the convergence rate and obtain the optimum individuals to possess an indefinite step size, μmax is fixed at 0.9. The subsequent process is chosen as the fuzzy parameter using a ‘small’ targeted function value.

μi=μmaxsIisI(μmaxμmm˙),i=1,2,,s(9)

μij=rand(μi,1),j=1,2,,D(10)

Now: μij can be defined by the following equation in which Ii indicates the amount of the series Xi(t) of the existing individual and is ordered from higher to lower in terms of functions. Also rand (μi,1) function represents the real values in [μi,1].

Eq. (9) mimics the arbitrary searching behavior. The step measurement of j-dimension searching space is defined as follows:

α=δ(t)ln(μij)(11)

Here, δij indicates the variable of Gaussian distribution as shown below.

δijmin=ωxabs(xminxmax)(12)

whereas, ω represents the inertia weight. When the evolutionary algebra rises, ω gets linearly decreased from 0.9 to 0.1. xmin and xmax denote the variants of minimal and maximal values correspondingly.

3) Individual Location Updates: After attaining the scout step measurement and direction of the individuals, the position update is expressed as follows.

xij(t+1)=xij(t)+αij(t)fij(t),i=1,2,,s;

j=1,2,,D(13)

i represents the i-th searcher individual, j characterizes the individual parameter; fij(t) and αij(t) correspondingly characterize the searching direction and step size at time t and xij(t) and xij(t+1) correspondingly epitomize the searcher site during time t and (t+1).

3  Experimental Validation

The current section inspects the detection and classification performance of SOADL-SAC model using distinct benchmark datasets. The proposed method was compared with other existing methods such as Term-Frequency Inverse-Document-Frequency Deep Neural Networks (TF-IDF-DNN), TF-IDF-CNN, TF-IDF-RNN, Word embedding Deep Neural Networks (WE-DNN), WE-CNN, and WE-RNN models. The results were compared based on a few measures such as accuracy, recall, precision, f-score and Area Under the Curve (AUC).

Tab. 1 and Fig. 3 provide an overview on the results achieved from comparative analysis between SOADL-SAC model and other existing models on Sentiment140 dataset [25]. The experimental outcomes exhibit that the proposed SOADL-SAC model achieved enhanced classification outcomes over other methods. For instance, with respect to accuy, SOADL-SAC model demonstrated an increased accuy of 79.46%, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN models reached less accuy values such as 76.10%, 77.00%, 76.19%, 75.74%, 76.38%, and 74.63% respectively. Moreover, with respect to Fscore, the proposed SOADL-SAC technique demonstrated an increased Fscore of 79.27%, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN methods attained low Fscore values such as 76.83%, 75.73%, 76.16%, 75.70%, 75.21%, and 76.44% correspondingly.

images

images

Figure 3: Comparative analysis results of SOADL-SAC technique on Sentiment140 dataset

Tab. 2 and Fig. 4 shows the results from comparative analysis conducted between SOADL-SAC method and other existing models on Tweets airline dataset. The experimental outcomes infer that the proposed SOADL-SAC model attained enhanced classification outcomes over other methods. For instance, in terms of accuy, SOADL-SAC method achieved a high accuy of 96.52%, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN models reached low accuy values such as 91.08%, 87.03%, 93.52%, 90.40%, 89.28%, and 88.82% correspondingly. Furthermore, with respect to Fscore, the proposed SOADL-SAC approach demonstrated an increase in its Fscore up to 95.96%, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN approaches reached low Fscore values such as 89.06%, 91.71%, 93.38%, 90.16%, 92.65%, and 92.83% correspondingly.

images

images

Figure 4: Comparative analysis results of SOADL-SAC technique on Tweets airline dataset

Tab. 3 and Fig. 5 shows the comparative analysis results achieved by SOADL-SAC method and other existing approaches on Tweets SemEval dataset. The experimental outcomes exhibit that the proposed SOADL-SAC system outperformed all other methods in terms of enhanced classification outcomes. For sample, with regard to accuy, the proposed SOADL-SAC model attained the maximum accuy of 86.73%, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN algorithms accomplished less accuy values such as 81.38%, 83.85%, 81.98%, 84.44%, 80.70%, and 82.58% correspondingly. Furthermore, with respect to Fscore, SOADL-SAC model outperformed all other methods and achieved a high Fscore of 85.88%, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN methods gained low Fscore values such as 81.44%, 81.60%, 80.33%, 80.59%, 82.23%, and 82.68% respectively.

images

images

Figure 5: Comparative analysis results of SOADL-SAC technique on Tweets SemEval dataset

Tab. 4 and Fig. 6 shows the results from comparative analysis conducted between SOADL-SAC method and other existing algorithms on IMDB Movie Reviews dataset. The experimental outcomes infer that the proposed SOADL-SAC system enhanced the classification outcomes compared to other methods. For instance, with respect to accuy, SOADL-SAC methodology demonstrated a high accuy of 89%, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN models obtained the least accuy values such as 84.16%, 83.51%, 85.66%, 86.33%, 84.81%, and 84.51% correspondingly. Followed by, with respect to Fscore, the proposed SOADL-SAC algorithm demonstrated a high Fscore of 87.98%, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN approaches reached low Fscore values such as 83.74%, 85.96%, 85.72%, 83.06%, 84.38%, and 85.20% correspondingly.

images

images

Figure 6: Comparative analysis results of SOADL-SAC technique on IMDB Movie Reviews dataset

Tab. 5 and Fig. 7 portrays the comparative analysis results accomplished by SOADL-SAC approach and other existing techniques on Book Reviews dataset. The experimental results showcase the superior performance of SOADL-SAC method over other methods in terms of excellent classification outcomes. For instance, with respect to accuy, the proposed SOADL-SAC approach demonstrated an increased accuy of 79.84%, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN models reached less accuy values such as 75.99%, 74.21%, 74.67%, 74.46%, 76.49%, and 75.75% correspondingly. Furthermore, with respect to Fscore, the proposed SOADL-SAC model demonstrated a high Fscore of 79.07%, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN methodologies reached minimal Fscore values such as 76.56%, 76.73%, 75.35%, 76.97%, 76.87%, and 75.09% correspondingly.

images

images

Figure 7: Comparative analysis results of SOADL-SAC technique on Book Reviews dataset

At last, a detailed Computational Time (CT) analysis was conducted between SOADL-SAC model and other recent models and the results are shown in Tab. 6 and Fig. 8. The experimental outcomes imply that the proposed SOADL-SAC model required a minimal CT under all the datasets. For instance, with Sentiment140 dataset, the proposed SOADL-SAC model attained the least CT of 0.55 min, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN models obtained high CT values such as 10.55 min, 14.28 min, 18.44 min, 21.54 min, 26.21 min, and 30.57 min respectively. Along with that, in case of book reviews dataset, the proposed SOADL-SAC technique attained the least CT of 1.03 min, whereas TF-IDF-DNN, TF-IDF-CNN, TF-IDF-RNN, WE-DNN, WE-CNN, and WE-RNN methodologies demanded high CT values such as 12.53 min, 17.21 min, 20.59 min, 23.94 min, 27.56 min, and 30.94 min correspondingly.

images

images

Figure 8: CT analysis results of SOADL-SAC technique under distinct datasets

Based on the detailed results and discussion, it is apparent that the proposed SOADL-SAC model achieved maximum performance in sentiment classification.

4  Conclusion

In this study, a new SOADL-SAC model has been developed for proper identification and classification of sentiments in social media. The proposed SOADL-SAC model performs data preprocessing at the initial stage to clean the input data. Then, glove technique is applied to generate the feature vectors. Followed by, SHMA-GRU model is exploited to recognize and classify the sentiments. At last, SOA is applied as a hyperparameter tuning strategy for SHMA-GRU model which in turn enhances the classification results. In order to validate the enhanced outcomes of the proposed SOADL-SAC model, various experiments were conducted on benchmark datasets. The experimental values highlight the better performance of SOADL-SAC model over recent state-of-the-art approaches. Thus, the proposed SOADL-SAC model can be exploited for effectual identification and categorization of sentiments. In future, hybrid DL models can be utilized for effective sentiment classification.

Acknowledgement: The authors would like to thank the Deanship of Scientific Research at Umm Al-Qura University for supporting this work by Grant Code: (22UQU4350139DSR01).

Funding Statement: The authors would like to thank the Deanship of Scientific Research at Umm Al-Qura University for supporting this work by Grant Code: (22UQU4350139DSR01).

Conflicts of Interest: The authors declare that they have no conflicts of interest to report regarding the present study.

References

  1. L. C. Chen, C. M. Lee and M. Y. Chen, “Exploration of social media for sentiment analysis using deep learning,” Soft Computing, vol. 24, no. 11, pp. 8187–8197, 2020.
  2. A. R. Pathak, M. Pandey and S. Rautaray, “Topic-level sentiment analysis of social media data using deep learning,” Applied Soft Computing, vol. 108, no. 6, pp. 107440, 2021.
  3. K. Chakraborty, S. Bhatia, S. Bhattacharyya, J. Platos, R. Bag et al., “Sentiment analysis of COVID-19 tweets by deep learning classifiers—a study to show how popularity is affecting accuracy in social media,” Applied Soft Computing, vol. 97, no. 1, pp. 106754, 2020.
  4. M. M. A. Torales, J. I. A. Salas and A. G. L. Herrera, “Deep learning and multilingual sentiment analysis on social media data: An overview,” Applied Soft Computing, vol. 107, pp. 107373, 2021.
  5. D. Li, R. Rzepka, M. Ptaszynski and K. Araki, “HEMOS: A novel deep learning-based fine-grained humor detecting method for sentiment analysis of social media,” Information Processing & Management, vol. 57, no. 6, pp. 102290, 2020.
  6. S. Sohangir, D. Wang, A. Pomeranets and T. M. Khoshgoftaar, “Big data: Deep learning for financial sentiment analysis,” Journal of Big Data, vol. 5, no. 1, pp. 3, 2018.
  7. A. Yadav and D. K. Vishwakarma, “Sentiment analysis using deep learning architectures: A review,” Artificial Intelligence Review, vol. 53, no. 6, pp. 4335–4385, 2020.
  8. O. Habimana, Y. Li, R. Li, X. Gu and G. Yu, “Sentiment analysis using deep learning approaches: An overview,” Science China Information Science, vol. 63, no. 1, pp. 111102, 2020.
  9. P. Mehta, S. Pandya and K. Kotecha, “Harvesting social media sentiment analysis to enhance stock market prediction using deep learning,” PeerJ Computer Science, vol. 7, no. 20, pp. e476, 2021.
  10. H. Kaur, S. U. Ahsaan, B. Alankar and V. Chang, “A proposed sentiment analysis deep learning algorithm for analyzing COVID-19 tweets,” Information Systems Frontiers, vol. 23, no. 6, pp. 1417–1429, 2021.
  11. P. K. Jain, V. Saravanan and R. Pamula, “A hybrid CNN-LSTM: A deep learning approach for consumer sentiment analysis using qualitative user-generated contents,” ACM Transactions on Asian and Low-Resource Language Information Processing, vol. 20, no. 5, pp. 1–15, 2021.
  12. A. H. Ombabi, W. Ouarda and A. M. Alimi, “Deep learning CNN-LSTM framework for Arabic sentiment analysis using textual information shared in social networks,” Social Network Analysis and Mining, vol. 10, no. 1, pp. 53, 2020.
  13. M. U. Salur and I. Aydin, “A novel hybrid deep learning model for sentiment classification,” IEEE Access, vol. 8, pp. 58080–58093, 2020.
  14. A. S. M. Alharbi and E. de Doncker, “Twitter sentiment analysis with a deep neural network: An enhanced approach using user behavioral information,” Cognitive Systems Research, vol. 54, pp. 50–61, 2019.
  15. W. Li, W. Shao, S. Ji and E. Cambria, “BiERU: Bidirectional emotional recurrent unit for conversational sentiment analysis,” Neurocomputing, vol. 467, no. 5, pp. 73–82, 2022.
  16. G. D’Aniello, M. Gaeta and I. L. Rocca, “KnowMIS-ABSA: An overview and a reference model for applications of sentiment analysis and aspect-based sentiment analysis,” Artificial Intelligence Review, vol. 398, no. 1, pp. 247, 2022.
  17. S. M. Rezaeinia, R. Rahmani, A. Ghodsi and H. Veisi, “Sentiment analysis based on improved pre-trained word embeddings,” Expert Systems with Applications, vol. 117, no. 19, pp. 139–147, 2019.
  18. Y. Pan and M. Liang, “Chinese text sentiment analysis based on bi-gru and self-attention,” in 2020 IEEE 4th Information Technology, Networking, Electronic and Automation Control Conf. (ITNEC), Chongqing, China, pp. 1983–1988, 2020.
  19. K. Shankar, E. Perumal, M. Elhoseny, F. Taher, B. B. Gupta et al., “Synergic deep learning for smart health diagnosis of COVID-19 for connected living and smart cities,” ACM Transactions on Internet Technology, vol. 22, no. 3, pp. 1–14, 2022.
  20. R. F. Mansour, J. E. Gutierrez, M. Gamarra, D. Gupta, O. Castillo et al., “Unsupervised deep learning based variational autoencoder model for COVID-19 diagnosis and classification,” Pattern Recognition Letters, vol. 151, no. 6, pp. 267–274, 2021.
  21. K. Shankar, E. Perumal, V. G. Díaz, P. Tiwari, D. Gupta et al., “An optimal cascaded recurrent neural network for intelligent COVID-19 detection using Chest X-ray images,” Applied Soft Computing, vol. 113, no. Part A, pp. 1–13, 20
  22. R. F. Mansour and N. O. Aljehane, “An optimal segmentation with deep learning based inception network model for intracranial hemorrhage diagnosis,” Neural Computing and Applications, vol. 33, no. 20, pp. 13831–13843, 2021.
  23. K. Shankar, E. Perumal, P. Tiwari, M. Shorfuzzaman and D. Gupta, “Deep learning and evolutionary intelligence with fusion-based feature extraction for detection of COVID-19 from chest X-ray images,” Multimedia Systems, vol. 66, no. 2, pp. 1921, 2021.
  24. S. Duan, H. Luo and H. Liu, “A multi-strategy seeker optimization algorithm for optimization constrained engineering problems,” IEEE Access, vol. 10, pp. 7165–7195, 2022.
  25. N. Dang, M. M. García and F. D. Prieta, “Sentiment analysis based on deep learning: A comparative study,” Electronics, vol. 9, no. 3, pp. 483, 2020.
images This work is licensed under a Creative Commons Attribution 4.0 International License, which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.