Open Access
ARTICLE
Improved Metaheuristics with Deep Learning Enabled Movie Review Sentiment Analysis
1 Department of Computer and Self Development, Preparatory Year Deanship, Prince Sattam bin Abdulaziz University, AlKharj, Saudi Arabia
2 Prince Saud AlFaisal Institute for Diplomatic Studies, Riyadh, Saudi Arabia
3 Department of Computer Sciences, College of Computer and Information Sciences, Princess Nourah Bint Abdulrahman University, P. O. Box 84428, Riyadh, 11671, Saudi Arabia
4 Department of Computer Science, College of Computing and Information Technology, Shaqra University, Shaqra, Saudi Arabia
5 Department of Computer Sciences, College of Computing and Information System, Umm Al-Qura University, Saudi Arabia
6 Department of Information Systems, College of Computer and Information Sciences, Princess Nourah Bint Abdulrahman University, P.O. Box 84428, Riyadh, 11671, Saudi Arabia
7 Department of Computer Science, Faculty of Computers and Information Technology, Future University in Egypt, New Cairo, 11835, Egypt
* Corresponding Author: Abdelwahed Motwakel. Email:
Computer Systems Science and Engineering 2023, 47(1), 1249-1266. https://doi.org/10.32604/csse.2023.034227
Received 10 July 2022; Accepted 08 October 2022; Issue published 26 May 2023
Abstract
Sentiment Analysis (SA) of natural language text is not only a challenging process but also gains significance in various Natural Language Processing (NLP) applications. The SA is utilized in various applications, namely, education, to improve the learning and teaching processes, marketing strategies, customer trend predictions, and the stock market. Various researchers have applied lexicon-related approaches, Machine Learning (ML) techniques and so on to conduct the SA for multiple languages, for instance, English and Chinese. Due to the increased popularity of the Deep Learning models, the current study used diverse configuration settings of the Convolution Neural Network (CNN) model and conducted SA for Hindi movie reviews. The current study introduces an Effective Improved Metaheuristics with Deep Learning (DL)-Enabled Sentiment Analysis for Movie Reviews (IMDLSA-MR) model. The presented IMDLSA-MR technique initially applies different levels of pre-processing to convert the input data into a compatible format. Besides, the Term Frequency-Inverse Document Frequency (TF-IDF) model is exploited to generate the word vectors from the pre-processed data. The Deep Belief Network (DBN) model is utilized to analyse and classify the sentiments. Finally, the improved Jellyfish Search Optimization (IJSO) algorithm is utilized for optimal fine-tuning of the hyperparameters related to the DBN model, which shows the novelty of the work. Different experimental analyses were conducted to validate the better performance of the proposed IMDLSA-MR model. The comparative study outcomes highlighted the enhanced performance of the proposed IMDLSA-MR model over recent DL models with a maximum accuracy of 98.92%.Keywords
The intersection of Artificial Intelligence (AI), linguistics and computer science is referred to as Natural Language Processing (NLP). Computers are mainly used to ‘understand’ or process the natural language to execute several manual tasks, namely, answering questions or translating the language. With the increased penetration of chat-bots and voice interfaces, the NLP technique has become the most significant contribution to the fourth industrial revolution. It is already a popular region of the AI domain. Various helpful applications have been developed in the domain of NLP. Exploiting a user’s information is a key to several applications in surveys conducted by associations, political campaigning processes etc., [1]. In addition, it is crucial for governments to understand public thoughts since it describes human activities and the ways to influence the opinions of others in a community. Various recommender mechanisms are prevalently used, whereas ‘personalization’ has become a norm for almost all services and products. In such cases, the inference of user sentiments is highly helpful in decision-making processes without clear feedback from the users [2]. Machine Learning (ML) techniques are used to achieve this objective, which depends on the similarities of the results [3]. The data required for conducting the Sentiment Analysis (SA) can be retrieved from online mass media in which the users generate huge volumes of data on a daily basis. These kinds of data sources are handled with the help of big data techniques. When using these techniques, the problems should be multi-faceted so that effective processing, data storage and access can be achieved to assure the dependability of the acquired outcomes [4]. The execution of automatic SA is an increasingly-investigated research subject. Though SA is a significant domain and results in an extensive array of applications, it cannot be executed as a single direct task and experiences several difficulties concerning NLP [5].
The sentiment Analysis technique is applied to automatically categorize the huge volumes of text as either positive or negative. With the explosive development of mass media, companies and organizations started employing big data procedures to process online data and achieve proactive decision-making and product development [6]. Recently, blogs, mass media and other social media platforms have drastically influenced people’s ordinary lives, especially how individuals express their thoughts. The derivation of valuable data, i.e., individuals’ opinions regarding a company’s brands, from a vast quantity of unstructured data becomes significant for many organizations and companies [7]. The SA technique’s application is confined to movie or product reviews and other areas like sports, news, politics and so on. For instance, the SA technique is employed to identify an individual’s opinions about a political party in online political disputes [8]. The SA technique is applied at the sentence as well as document levels. The document-level SA is utilized to classify the sentiments expressed in a file as either negative or positive. In the case of sentence-level SA, the sentiments exhibited in a sentence are investigated [9]. In the execution of SA, two techniques are broadly utilized such as the Lexicon-based technique, which employs the lexicons (i.e., a dictionary of words and its respective polarities) to assign the polarity; and the ML technique, which demands a huge volume of labelled datasets with manual annotation [10]. Recently, a deep ML-related automated feature engineering and classification process has been employed to outperform the existing manual feature engineering-related shallow classification approaches.
In literature [11], the researchers explored several NLP techniques to conduct sentiment analysis. The researchers categorized two distinct datasets such as the first one with multi-class labels and the other one with binary labels. In the case of binary classifiers, the authors used skip-gram word2vec and bag-of-words methods along with several classifiers such as Random Forest (RF), Logistic Regression (LR) and Support Vector Machine (SVM). In the case of multi-class classifier, they applied a Recursive Neural Tensor Network (RNTN). Pouransari et al. [12] introduced a new, context-aware, Deep Learning (DL)-driven Persian SA technique. To be specific, the suggested DL-driven automated feature-engineering technique categorized the Persian movie reviews as negative and positive sentiments. In this study, two DL techniques, the Convolutional Neural Network (CNN) and the Long-Short-Term Memory (LSTM), were used. A comparison was made with the results of the manual feature engineering-driven SVM-related technique.
Dashtipour et al. [13] presented an enhanced SA classification technique with the help of DL methods and achieved comparable outcomes from different DL techniques. This study used the Multilayer Perceptron (MLP) model as a reference point for other network outcomes. The authors used Long Short-Term Memory (LSTM), Recurrent Neural Network and CNN along with a hybrid method of CNN and LSTM methods for comparison purposes. These methods were comparatively evaluated using a dataset with 50 K movies’ review documents. In the study conducted earlier [14], heterogeneous features like Lexicon-based features, ML-related methods and supervised learning methods such as the Naïve Bayes (NB) method and the Linear SVM (LSVM) approach were employed to develop the model. The experimental analysis outcomes inferred that the application of the suggested hybrid technique, along with its heterogeneous features achieved a precise SA system compared to other baseline systems.
In literature [15], the authors identified and assigned a meaning to each and every word tweeted so far. In this study, the word2vec method, the CNN method and the LSTM method were combined so that the features can comply with stop words and tweet words. These methods were able to identify the paradigm of stop-word counts using its dynamic strategies. Gandhi et al. [16] recommended a hybrid method combining CNN and LSTM approaches in the name of Hybrid CNN-LSTM algorithm to overcome the SA issue. Initially, the authors employed Word to Vector (Word2Vc) technique to train the primary word embeddings. The Word2Vc technique converted the text strings as numerical value vectors and calculated the distances amongst the words. Then, they created sets of similar words based on their meanings. Then, the embedding procedure was executed in which the suggested method integrated the features derived by global max-pooling and convolution layers with long-term dependencies. The presented method also employed the dropout technologies, a rectified linear unit and a normalization procedure to enhance the precision.
The current study introduces an effective model named Improved Metaheuristics with Deep Learning Enabled Sentiment Analysis for Movie Reviews (IMDLSA-MR). The presented IMDLSA-MR technique initially applies different levels of pre-processing to convert the input data into a compatible format. Besides, the TF-IDF model is exploited to generate the word vectors from the pre-processed data. To analyse and classify the sentiments, the Deep Belief Network (DBN) model is utilized. Finally, the improved Jellyfish Search Optimization (IJSO) technique is employed for optimal fine-tuning of the hyperparameters related to the DBN model. In order to evaluate the better performance of the proposed IMDLSA-MR model, numerous experimental analyses were conducted.
2 Background Information: Problem Statement
The aim of the current study is to define the sentimental tendencies, expressed in a review sentence, at the aspect level. A user expresses a negative or positive sentiment towards the aspect terms such as ‘soup’ and the ‘pizza’. But, two dissimilar sentiments are attained for the aspect category ‘food’ since the aspect category includes different foods, and a reviewer holds completely distinct feelings about the categories. The current study focuses only on recognising the sentiments that can be expressed on the aspect category or a term in a review sentence.
Consider
In Eq. (1), P represents the conditional probability of
In this work, a novel IMDLSA-MR methodology has been developed to analyse the sentiments in a movie reviews dataset. The presented IMDLSA-MR technique encompasses different stages such as classification, data pre-processing, feature extraction and parameter optimization. At the initial stage, the presented IMDLSA-MR technique applies different levels of pre-processing to convert the input data into a compatible format. Next, the TF-IDF model is exploited to generate the word vectors from the pre-processed data. Finally, the IJSO and the DBN model are applied to analyse and classify the sentiments. Fig. 1 illustrates the overall process of the IMDLSA-MR algorithm.
3.1 Stage I: Data Cleaning and Pre-Processing
At the initial stage, the data pre-processing is performed at different levels, as briefed herewith.
• In general, the text dataset contains words with dissimilar letter cases. The words with different cases are considered a challenge since it increases the vocabulary issues and subsequently result in complications. Hence, it is vital to modify the entire text to lower-case to prevent this issue.
• The presence of punctuation marks in the text increases the complications due to which it is eliminated from the data set.
• The numerical data present in the text is a problem for the proposed model’s components since it increases the vocabulary for the extracted text.
• Specifies first and the last order: The word tokens such as the ‘<start>’ and the ‘<end>’ correspond to the first and the last of each sentence to represent the first and the final word of the forecasted order to the component.
• Tokenization: The clean text is divided into constituent words whereas the dictionary containing the whole vocabulary such as index-to-word and word-to-index equivalent is obtained.
• Vectorization: To resolve the issue of diverse lengths of sentences, short sentences are padded to the length of the long sentences.
Next, the TF-IDF model is exploited for the generation of the word vectors from the pre-processed data.
3.2 Stage II: DBN-Based Sentiment Classification
In this study, the DBN method is applied to analyse and classify the sentiments. Even though the Back Propagation (BP) approach is a highly-effective learning method with different layers of non-linear features, it is complex in nature. This characteristic improves the weight of the deep network that contains multiple layers of hidden units. This deep network demands a labelled training dataset that is challenging to develop [17]. The DBN method overcomes the limitations of the BP approach through unsupervised learning method. This is done to generate a layer of the feature detector, which in turn develops the statistical model of the input dataset without using any data from the essential output. A high-level feature detector captures complex high-order statistical models from the input dataset, which are later utilized in the prediction of the labels. The DBN method is an important tool for deep learning and was created from Restricted Boltzmann Machine (RBM). RBM has an effective training process that makes it suitable as the building block of the DBN approach.
RBM is a probabilistic graphical model that is considered a stochastic neural network in which the likelihood distribution is learnt over their input sets. RBM is a kind of Boltzmann machine with a constraint that its neurons should form a bipartite graph. A bipartite graph is a type of graph with a vertex (V) that is separated into two independent sets such as
A conventional RBM accepts the binary values for a hidden and a visible unit. This kind of RBM is termed as Bernoulli-Bernoulli RBM with a discrete distribution and two probable results that are labelled as
RBM is an energy-related mechanism composed of n and m visible and hidden units, respectively. The vectors v and h represent the states of the visible and hidden units correspondingly and are determined as given below.
In Eq. (3),
Once the variable is described, then the joint likelihood distribution of
In this expression, Z refers to a normalized constant. Once the states of the visible unit are provided, the activation state of every hidden unit becomes conditionally independent. Thus, the activation probability of the
Here,
Differentiate a log-likelihood of the trainable dataset w.r.t W as given below.
In Eq. (8),
In Eq. (9), e represents the learning rate. Since there is no direct connection in the hidden state of the RBM model, unbiased samples of
The DBN model is a neural network that was created by stacking multiple layers of the RBM model. With the help of the stacked RBM, it is easy to develop a high-level description for the input dataset. The DBN model was developed as a conventional Artificial Neural Network (ANN) technique. In this model, the network topology was constructed using a layer of neuron models but with in-depth architecture and highly-sophisticated learning mechanics. However, a comprehensive human intelligence-based biological phenomenon was not modelled in this approach. The DBN training process has two stages: (1) fine-tuning and (2) greedy layer-wise pre-training. Here, the layer-by-layer pre-training includes the training of the module and its parameters in a layer-wise fashion using CD technique and an unsupervised training model. Initially, the training begins with a low-level RBM that receives the input from DBN method. The training is continued until the RBM reaches the top layer with DBN output. As a result, the learned features or the output of the preceding layer can be utilized as an input for the following RBM layers.
3.3 Stage III: IJSO Based Parameter Optimization
Finally, the IJSO algorithm is utilized for optimal fine-tuning of the hyperparameters related to the DBN method. The JSO technique was inspired from jellyfish behaviour in the ocean [18]. When finding their food, the jellyfishes exhibit the following behaviour. It follows the ocean movement or current inside the swarm and follows a time control method to switch between the movements. The authors witnessed numerous chaotic maps and a typical random method to find the best initialization method. This is to ensure that the method distributes the solution precisely within the searching region of the problem, which in turn fastens the convergence and avoids the solution from getting trapped in local minima issues. Based on the observations, it can be inferred that the JSO algorithm performs well in the logistic map, which is mathematically defined herewith.
In Eq. (12),
The movements inside the jellyfish swarm are separated into two motions such as active and passive. In passive movement, the jellyfish moves nearby the location and the novel position is shown below.
In Eq. (13),
In Eq. (14),
In Eq. (15), j represents the index of the randomly-chosen jellyfish and f represents the fitness function. The time control model is utilized for switching amongst the ocean current, active and passive motions, and it involves a constant
In Eq. (16), t stands for the existing evaluation,
The IJSO algorithm is derived using the Levy flight concept with JSO algorithm. The French mathematician Paul Levy proposed the concept of Levy flight in the 1930s [19]. It was a probability distribution with a random step size that follows the Levy distribution. Further, it can be a walking mode that transforms between the occasional long-distance searches and a large number of short-distance searches. Usually, the Mantegna algorithm is utilized for simulation processes, as expressed below.
In these expressions, u and v refer to the random numbers of the regular distribution, Levy can step-size the random values of the Levy distribution and
The IJSO method derives a FF to obtain enhanced classification outcomes. It determines a positive integer to indicate the superior outcomes of the candidate solution. In this article, classification error rate reduction is regarded as a FF and is presented in Eq. (23). The optimal solution has a minimum error rate, whereas the poor solution has a maximum error rate.
This section investigates the performance of the proposed IMDLSA-MR method using a dataset containing 7,500 movie reviews under three class labels, namely, positive, negative and neutral, with each label containing 2,500 reviews. The details of the dataset are given in Table 1.
The confusion matrices generated by the IMDLSA-MR model on the test data are shown in Fig. 3. On epoch 200, the proposed IMDLSA-MR model identified 2,402 samples as positive class, 2,481 samples as negative class and 2,419 samples as neutral class. Also, on epoch 600, the IMDLSA-MR method classified 2,442 samples under positive class, 2,485 samples under negative class and 2,452 samples under neutral class. In addition, on epoch 800, the proposed IMDLSA-MR technique categorized 2,427 samples under positive class, 2,481 samples under negative class and 2,425 samples under neutral class. Moreover, on epoch 1200, the IMDLSA-MR approach identified 2,414 samples as positive class, 2,457 samples as negative class and 2,331 samples as neutral class.
Table 2 and Fig. 4 exhibit the classification outcomes of the proposed IMDLSA-MR model under a distinct number of epochs. The experimental values confirmed that the proposed IMDLSA-MR model gained effectual outcomes under every epoch count.
For instance, on epoch 200, the IMDLSA-MR model produced an average
Both Training Accuracy (TA) and Validation Accuracy (VA) values, attained by the IMDLSA-MR method on the test dataset, are illustrated in Fig. 5. The experimental outcomes represent that the proposed IMDLSA-MR method reached the maximal TA and VA values whereas the VA values were higher than the TA values.
Both Training Loss (TL) and Validation Loss (VL) values, reached by the proposed IMDLSA-MR approach on the test dataset, are established in Fig. 6. The experimental outcomes imply that the proposed IMDLSA-MR methodology accomplished the least TL and VL values whereas the VL values were lower than the TL values.
A clear precision-recall analysis was conducted on the IMDLSA-MR algorithm using the test dataset and the results are depicted in Fig. 7. The figure shows that the IMDLSA-MR technique produced enhanced precision-recall values under all the classes.
A brief Receiver Operating Characteristic (ROC) curve analysis was conducted on the IMDLSA-MR approach using the test dataset, and the results are portrayed in Fig. 8. The results indicate that the proposed IMDLSA-MR method established its ability to categorize the test dataset under distinct class labels.
To emphasize the enhanced performance of the IMDLSA-MR method, a comparative
Finally, a detailed CT examination was conducted between the proposed IMDLSA-MR model and other existing models and the results are shown in Table 4 and Fig. 10. The results imply that the NB, KNN, SVM, LSTM, BiLSTM and the deep CNN models reported ineffectual outcomes with maximum CT values such as 155, 154, 163, 102, 179 and 120 s respectively. Next, the ME and CNN models produced slightly reduced CT values such as 85 and 84 s, respectively. However, the proposed IMDLSA-MR model achieved superior results with a minimal CT of 61 s. From the results and the detailed discussion, it can be inferred that the proposed IMDLSA-MR method achieved the maximum performance compared to other models.
In this article, a new IMDLSA-MR method has been developed to analyse the sentiments on movie reviews using a standard movie reviews’ dataset. The presented IMDLSA-MR technique encompasses different phases such as data pre-processing, parameter optimization, feature extraction and the classification process. At the initial stage, the presented IMDLSA-MR technique applies different levels of pre-processing to convert the input data into a compatible format. Next, the TF-IDF model is exploited to generate the word vectors from the pre-processed data. Then, the DBN model is applied to analyse and classify the sentiments. At last, the IJSO technique is employed for optimal fine-tuning of the hyperparameters related to the DBN method. To establish the supreme performance of the proposed IMDLSA-MR model, numerous experimental analyses were conducted. The comparative study outcomes highlight the enhanced performance of the IMDLSA-MR model over recent DL models with a maximum accuracy of 98.92%. In the future, the performance of the proposed methodology can be enhanced by applying clustering and outlier removal approaches.
Funding Statement: Princess Nourah bint Abdulrahman University Researchers Supporting Project Number (PNURSP2023R161), 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: 22UQU4340237DSR51).
Conflicts of Interest: The authors declare that they have no conflicts of interest to report regarding the present study.
References
1. A. Jorio, S. E. Fkihi, B. Elbhiri and D. Aboutajdine, “An energy-efficient clustering routing algorithm based on geographic position and residual energy for wireless sensor network,” Journal of Computer Networks and Communications, vol. 2015, pp. 1–11, 2015. [Google Scholar]
2. K. Chakraborty, S. Bhattacharyya, R. Bag and A. Hassanien, “Sentiment analysis on a set of movie reviews using deep learning techniques,” Social Network Analytics: Computational Research Methods and Techniques, vol. 7, pp. 127–147, 2018. [Google Scholar]
3. D. Kansara and V. Sawant, “Comparison of traditional machine learning and deep learning approach for sentiment analysis,” in Advanced Computing Technologies and Applications, Algorithms for Intelligent Systems Book Series, Singapore: Springer, pp. 365–377, 2020. [Google Scholar]
4. K. Chakraborty, S. Bhattacharyya, R. Bag and A. E. Hassanien, “Comparative sentiment analysis on a set of movie reviews using deep learning approach,” in Int. Conf. on Advanced Machine Learning Technologies and Applications, Advances in Intelligent Systems and Computing Book Series, Cham: Springer, vol. 723, pp. 311–318, 2018. [Google Scholar]
5. S. Rani and P. Kumar, “Deep learning based sentiment analysis using convolution neural network,” Arabian Journal for Science and Engineering, vol. 44, no. 4, pp. 3305–3314, 2019. [Google Scholar]
6. N. C. Dang, M. N. M. García and F. De la Prieta, “Sentiment analysis based on deep learning: A comparative study,” Electronics, vol. 9, no. 3, pp. 483, 2020. [Google Scholar]
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. [Google Scholar]
8. L. Li, T. T. Goh and D. Jin, “How textual quality of online reviews affect classification performance: A case of deep learning sentiment analysis,” Neural Computing and Applications, vol. 32, no. 9, pp. 4387–4415, 2020. [Google Scholar]
9. D. Dessí, M. Dragoni, G. Fenu, M. Marras and D. R. Recupero, “Deep learning adaptation with word embeddings for sentiment analysis on online course reviews,” in Deep Learning-Based Approaches for Sentiment Analysis, Algorithms for Intelligent Systems Book Series, Singapore: Springer, pp. 57–83, 2020. [Google Scholar]
10. P. Patel, D. Patel and C. Naik, “Sentiment analysis on movie review using deep learning rnn method,” in Intelligent Data Engineering and Analytics, Advances in Intelligent Systems and Computing Book Series, vol. 1177, Singapore: Springer, pp. 155–163, 2021. [Google Scholar]
11. W. Li, B. Jin and Y. Quan, “Review of research on text sentiment analysis based on deep learning,” Open Access Library (OALib), vol. 7, no. 3, pp. 1–8, 2020. [Google Scholar]
12. H. Pouransari and S. Ghili, “Deep learning for sentiment analysis of movie reviews,” CS224N Project, pp. 1–8, 2014. [Google Scholar]
13. K. Dashtipour, M. Gogate, A. Adeel, H. Larijani and A. Hussain, “Sentiment analysis of Persian movie reviews using deep learning,” Entropy, vol. 23, no. 5, pp. 596, 2021 [Google Scholar] [PubMed]
14. N. M. Ali, M. M. A. E. Hamid and A. Youssif, “Sentiment analysis for movies reviews dataset using deep learning models,” International Journal of Data Mining & Knowledge Management Process (IJDKP), vol. 9, no. 3, pp. 19–27, 2019. [Google Scholar]
15. R. Bandana, “Sentiment analysis of movie reviews using heterogeneous features,” in 2018 2nd Int. Conf. on Electronics, Materials Engineering & Nano-Technology (IEMENTech), Kolkata, India, pp. 1–4, 2018. [Google Scholar]
16. U. D. Gandhi, P. M. Kumar, G. C. Babu and G. Karthick, “Sentiment analysis on twitter data by using convolutional neural network (CNN) and long short term memory (lstm),” Wireless Personal Communications, pp. 1–10, 2021. https://doi.org/10.1007/s11277-021-08580-3 [Google Scholar]
17. A. U. Rehman, A. K. Malik, B. Raza and W. Ali, “A hybrid CNN-lstm model for improving accuracy of movie reviews sentiment analysis,” Multimedia Tools and Applications, vol. 78, no. 18, pp. 26597–26613, 2019. [Google Scholar]
18. L. Zhu, L. Chen, D. Zhao, J. Zhou and W. Zhang, “Emotion recognition from Chinese speech for smart effective services using a combination of SVM and DBN,” Sensors, vol. 17, no. 7, pp. 1694, 2017 [Google Scholar] [PubMed]
19. J. S. Chou and D. N. Truong, “A novel metaheuristic optimizer inspired by behavior of jellyfish in ocean,” Applied Mathematics and Computation, vol. 389, pp. 125535, 2021. [Google Scholar]
20. H. A. Abdulwahab, A. Noraziah, A. A. Alsewari and S. Q. Salih, “An enhanced version of black hole algorithm via levy flight for optimization and data clustering problems,” IEEE Access, vol. 7, pp. 142085–142096, 2019. [Google Scholar]
Cite This Article
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.