Next Article in Journal
The Role of Social and Cultural Values in Pandemic Control in a Chinese Community: An Ethnographic Study on the Construction and Stigmatization of “Others” in Severe Acute Respiratory Syndrome (SARS) and COVID-19 in Hong Kong
Next Article in Special Issue
Effect of Travel Expenditure on Life Satisfaction for Middle-Aged and Older Adults in Korea: Moderating Effect of COVID-19 Pandemic
Previous Article in Journal
Response of Care Services for Patients with HIV/AIDS during a Pandemic: Perspectives of Health Staff in Bolivia
Previous Article in Special Issue
The Impact of Airline’s Smart Work System on Job Performance of Cabin Crew
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Sentiment Classification of Chinese Tourism Reviews Based on ERNIE-Gram+GCN

1
College of Information Engineering, Sichuan Agricultural University, Ya’an 625000, China
2
The Lab of Agricultural Information Engineering, Sichuan Key Laboratory, Ya’an 625000, China
3
Housing and Urban-Rural Development Bureau of Lincheng County, Xingtai 054000, China
*
Author to whom correspondence should be addressed.
Int. J. Environ. Res. Public Health 2022, 19(20), 13520; https://doi.org/10.3390/ijerph192013520
Submission received: 25 September 2022 / Revised: 11 October 2022 / Accepted: 14 October 2022 / Published: 19 October 2022

Abstract

:
Nowadays, tourists increasingly prefer to check the reviews of attractions before traveling to decide whether to visit them or not. To respond to the change in the way tourists choose attractions, it is important to classify the reviews of attractions with high precision. In addition, more and more tourists like to use emojis to express their satisfaction or dissatisfaction with the attractions. In this paper, we built a dataset for Chinese attraction evaluation incorporating emojis (CAEIE) and proposed an explicitly n-gram masking method to enhance the integration of coarse-grained information into a pre-training (ERNIE-Gram) and Text Graph Convolutional Network (textGCN) (E2G) model to classify the dataset with a high accuracy. The E2G preprocesses the text and feeds it to ERNIE-Gram and TextGCN. ERNIE-Gram was trained using its unique mask mechanism to obtain the final probabilities. TextGCN used the dataset to construct heterogeneous graphs with comment text and words, which were trained to obtain a representation of the document output category probabilities. The two probabilities were calculated to obtain the final results. To demonstrate the validity of the E2G model, this paper was compared with advanced models. After experiments, it was shown that E2G had a good classification effect on the CAEIE dataset, and the accuracy of classification was up to 97.37%. Furthermore, the accuracy of E2G was 1.37% and 1.35% ahead of ERNIE-Gram and TextGCN, respectively. In addition, two sets of comparison experiments were conducted to verify the performance of TextGCN and TextGAT on the CAEIE dataset. The final results showed that ERNIE and ERNIE-Gram combined TextGCN and TextGAT, respectively, and TextGCN performed 1.6% and 2.15% ahead. This paper compared the effects of eight activation functions on the second layer of the TextGCN and the activation-function-rectified linear unit 6 (RELU6) with the best results based on experiments.

1. Introduction

According to the 2019 Statistical Bulletin of the National Economic and Social Development of the People’s Republic of China, 6.01 billion tourists visited China in 2019, up 8.4% year-on-year; China’s tourism revenue was 5725.1 billion yuan, up 11.7% year-on-year [1]. Moreover, with the continuous development of tourism, tourists increasingly prefer to check the reviews of attractions before traveling to decide whether to go or not. Visitors’ evaluations of attractions carry strong personal subjective attitudes, and these attraction reviews will be an important reference value for tourists who have not yet visited. In addition, it will have a positive impact on the attractions. A scenic spot can improve its service according to poor comments, further improving tourist satisfaction, and thus improving the economic status of the scenic spot. Attractions will subsequently have more funds to enhance services and improve attraction facilities, creating a virtuous cycle. Highly accurate attraction evaluation classification can also provide technical support for monitoring tourism opinion development and provide basic prerequisites for a series of tasks, such as building knowledge graphs, topic extraction, and other tasks. Therefore, the accurate classification of attraction evaluation is of great importance for tourism development.
In addition, the sentiment classification model E2G for Chinese tourist attraction evaluation provides a good basis for downstream tasks, on which tasks such as building knowledge graphs and theme extraction can be performed to further improve tourist satisfaction.

2. Related Work

The deep learning model can classify scenic spot comments. Li et al. used a bidirectional long short-term memory network (BiLSTM) and attention mechanism to learn the sentiment features of travel reviews [2]. They use joint learning to correlate attraction sentiment and attributes with each other for attraction sentiment and attribute prediction. The accuracy of this method on the self-built Shanxi tourism review dataset was improved by 0.98% and 1.54%, respectively, which effectively improved the performance of tourism review sentiment classification. Guo used a tree LSTM model for sentiment analysis of travel website reviews [3]. The experimental results showed that the tree long short-term memory network (LSTM) model had a higher F1 value than Bi LSTM in sentiment classification by 1.19% and had a higher classification ability for tourism reviews [4]. Zhu compared the positive, neutral, and negative effects of the plain Bayesian classification model and the decision tree classification model on the emotional attitude toward tourism in Wutai Mountain [5]. The experimental results showed that good results were achieved on a self-built dataset for the evaluation of tourist attractions in Wutai Mountain. At present, most tourists cannot fully express their emotions with words alone when evaluating the attractions, and more people will choose to go for combining emojis.
A classifier can achieve better results by considering emojis in the dataset during classification. Chen et al. proposed a convolutional self-encoder-based sentiment classification model for microblogs [6]. The model captures the features of emojis by a convolutional self-encoder, then incorporates the features into text features, and then uses a multilayer perception for sentiment classification. He et al. proposed a multichannel convolutional neural network model called emotion-semantics enhanced multi-column deep neural networks (EMCNN) for sentiment semantic enhancement [7], which treats emojis as sentiment words and uses word vectors of emojis to enhance sentiment semantics. Zhao et al. considered not only emojis [8] but also kaomoji in performing sentiment prediction. The embedding of kaomoji, the embedding of emoji, and the word embedding were jointly used as the expression of the text, and then the sentiment was predicted using a context-based bidirectional long short-term memory network (BiLSTM). Jiang et al. mapped emoji and word vectors to a vector space model [9] and used support vector machine (SVM) to implement sentiment classification. It can be seen that incorporating emojis into the dataset can improve the accuracy. However, there is no publicly available travel review dataset that takes emojis into account. In addition, CAEIE addresses this point.
Bidirectional Encoder Representation from Transformers (BERT) is used for emotion classification, which improves the accuracy of emotion classification. Li used BERT to achieve good results for sentiment classification of stock reviews [10]. Yan proposed that a sentiment knowledge-based bidirectional encoder representation from transformers (SK-BERT) considers the emotional tendency of words [11], and the experimental results show that the SK-BERT model outperformed other state-of-the-art models. Wen et al. used BERT to analyze text data containing investors’ emotions [12], which could effectively and accurately identify the emotions contained in the text. However, BERT does not apply to Chinese due to its mask mechanism.
ERNIE does a better job of classifying Chinese datasets. Huang proposed a sentiment classification model called ERNIE-BiLSTM-Attention (EBLA) to classify reviews of goods [13], which achieved more than 0.87 in terms of accuracy, recall, and F1 value. In 2021, Xiao et al. proposed ERNIE-Gram [14], which has a more complete N-gram mask language model. In addition, this model simultaneously establishes the semantic relations between n-grams and achieves learning of the semantic relations between fine and coarse grains simultaneously.
Most of the current text classification methods combine models such as CNN and LSTM [15,16,17], which prioritize sequential and local information and can capture semantic and syntactic information in continuous word sequences very well. However, they ignore global word co-occurrence, which carries discontinuous as well as long-distance semantic information. TextGCN uses the entire dataset to construct a large heterogeneous graph [18]. The model uses a graph convolutional network to jointly learn the embedding of words and the embedding of documents, taking global information well into account. TextGCN is used when classifying text. In 2021, Lin combined BERT and TextGCN to enhance transductive text classification and proposed the BERTGCN model [19]. The experimental results showed a significant effect improvement on five benchmarks of text classification to achieve the current state-of-the-art results. Some scholars have also applied BERTGCN to engineering in various industries. XR et al. used GCN and BERT to perform a joint learning method for text classification and event assignment on the Chinese government hotline [20]. The experimental results showed that the method could achieve better performance. Gao et al. used BERT and GCN [21], named Gating Context Global Network. It was shown experimentally that 0.19%, 0.57%, 1.05%, and 1.17% boosts were obtained on 20NG, R8, R52, and Ohsumed.
The length of tourist comment texts varies widely, with the shortest being only one word and the longest reaching 1000 words. Many scholars are currently working on sentiment classification for attraction review texts. However, more visitors combine emojis when posting comments online. In response to this trend, it is necessary to use emotions as a complementary feature to improve the accuracy of the classification. This will provide a good basis for downstream tasks to further improve tourist satisfaction and promote tourism. In terms of classification models, more scholars utilize models based on BERT and CNN, LSTM, etc., for classification.
However, BERT’s MASK mechanism does not apply to Chinese when feature extraction is performed in Chinese. CNN, LSTM, and other models lack consideration of the overall information of the dataset, although they fully consider the contextual features. These models can only fuse the information before and after the feature in the process of feature extraction and cannot take into account the information of all the data in the whole dataset. That is, a feature can only fuse the information contained in the two pieces of data before and after it, but not the information of the data separated from it directly. In this paper, we combined ERNIE-Gram and TextGCN for modeling [22,23,24]. Feature extraction was performed using ERNIE-Gram for Chinese, taking into full consideration the relationship between coarse-grained and fine-grained data. Coarse and fine granularity refers to the process of performing n-gram masking where the n-gram as a whole is considered as coarse granularity and the n-gram internally is considered as fine granularity. Then, the whole dataset was input to GCN for constructing heterogeneous graphs. ERNIE-Gram fully considers the connections within the data, while GCN fully considers the connections between the data of the whole dataset. Unlike other models that only optimize within individual data, or only optimize globally for the entire dataset, ERNIE-Gram fully considers the relationship between words and makes up for the fact that GCN itself does not consider word order, thus achieving better results. Currently, most of the datasets are for text classification of the evaluations of a single attraction. The CAEIE dataset, however, collects evaluations of different attractions in Beijing, Shanghai, and Tianjin, which greatly increases the richness of the dataset. Meanwhile, the current attraction evaluation dataset does not consider emojis. CAEIE collects and publishes the evaluations incorporating emojis.
The main contributions of this paper include:
(1)
For the unclear classification of Chinese tourism evaluation, this paper integrated ERNIE-Gram and GCN. ERNIE-Gram was used to make up for the problem of GCN ignoring word order. Thus, ERNIE-Gram considers the features between words and GCN combines the features of global information to further propose the E2G model. Meanwhile, the best results were obtained by performing sentiment classification on a self-built fused expression attraction evaluation dataset.
(2)
In this paper, we collected the fused expression attraction evaluation dataset by ourselves, and the total dataset reached 44,671. We also cleaned and manually annotated the data after collecting it. We publish CAEIE publicly, filling the problem of there being no public dataset for Chinese attraction evaluation.

3. Methods

3.1. ERNIE

Sun proposed ERNIE based on the BERT model [25]. BERT when used in Chinese, is based on individual words [26] and ignores word associations, while ERNIE can capture the relationships between words very well. As shown in Figure 1, when BERT is used, it randomly masks 15% of the text. BERT does not consider contextual connections, resulting in a word being separated and not easily calculated for the masked text. The masking strategy of ERNIE considers the relationship between words and masks them with words, making it easier to reason about the masked words. A comparison of the masking methods for BERT and ERNIE is shown in Figure 1.
Taking ‘This place is suitable for cycling around in spring.’ as an example, BERT and ERNIE have different masking strategies. ERNIE incorporates external knowledge in the mask, which makes it easier to calculate the masked part [25]. The core part of ERNIE is the transformer-encode, as shown in Figure 2.
Figure 2 shows the encoding part of the Transformer. The input data is encoded. The data is computed using a multi-headed attention mechanism after adding location information to the data. Think of normalization, forward propagation, and normalization as one layer, and after N such layers, the encoded data is output.

3.2. ERNIE-Gram

BERT’s language modeling focuses on the representation of fine-grained text units, with little consideration of coarse-grained linguistic information, resulting in insufficient features. However, ERNIE-Gram is capable of learning both fine-grained and coarse-grained semantic information. The mask mechanism is shown in Figure 3.
As shown in (a) [14], the masked consecutive n-gram words X2 and X3 correspond to the predicted masked word X in the following equation. The Z2 after passing the mask corresponds to Z \ M in the following Equation. The loss function is as follows, and Z M denotes the masked word:
log p θ ( Z M | Z \ M ) = Z Z M X Z log p θ ( X | Z \ M )
As shown in (b), ERNIE-Gram uses an explicit n-gram representation with Y2 as the target for training, reducing the prediction space of the n-gram. In Equation (2), Z ¯ \ M denotes the masked sentence and Y M denotes the masked word.
log p θ ( Y M | Z ¯ \ M ) = Y Y M log p θ ( Y | Z ¯ \ M )
As shown in (c), ERNIE-Gram predicts n-grams at both fine and coarse granularity, which helps to extract comprehensive n-gram semantics. The loss function is shown in Equation (3).
log p θ ( Z M | Z \ M ) = Y Y M log p θ ( Y | Z ¯ \ M ) Z Z M X Z log p θ ( X | Z ¯ \ M )

3.3. TEXTGCN

TextGCN uses graph convolutional network models for text models [18]. The model constructs a heterogeneous graph of the dataset based on word co-occurrence and the relationship between text words, and then TEXTGCN learns the representation of text for text classification. Traditional word embeddings use word embeddings such as word2vec, glove and CNN, and RNN, but TEXTGCN can be used for the latest text classification methods without additional word embeddings or prior knowledge.
TEXTGCN learns both word and document embeddings by heterogeneous graphs for text classification. First, TEXTGCN constructs a heterogeneous graph using the documents and words in the dataset, where the documents and words are nodes. After constructing the graph, TextGCN uses the graph convolutional network to learn more comprehensive features for the representation of the nodes. In the classification task, these updated representations can be fed into the classifier for text classification.
As shown in Figure 4, the number of nodes in the figure is the sum of the words and documents in the dataset. The nodes starting with O are document nodes and the other nodes are word nodes. The black lines in the figure represent the edges between documents–words, and the gray ones indicate the edges between words–words. R(x) denotes the embedding representation of x (including the embedding of documents and words). The different colors of the nodes represent different types of documents. Where there are word-to-word edges and word-to-document edges, both types of edges are constructed in the following manner.
(1)
The construction method of the edge between words and documents is as follows: Decide whether to create a word–document edge based on whether the word appears in a certain document for a certain word or not. If a word appears in a document, it is linked, and if a word does not appear in a document, it is not linked. The weights of the edges between documents and words are represented by the term frequency–inverse document frequency (TF-IDF), and the word frequency TF indicates how often the keyword appears in the text. As shown in Equation (4).
t f i j = n i , j k n k , j
where n i , j is the number of occurrences of the word in file d j and the denominator is the sum of the occurrences of all words in file d j .
The IDF indicates the IDF of a particular word and can be obtained by dividing the total number of documents by the number of documents containing the word and taking the quotient as a logarithm. The fewer the documents containing the word, the larger the IDF, and the better the category differentiation ability of the word.
i d f i = l o g D j : t j d j
where D is the total number of files in the dataset. j : t j d j indicates the number of files containing the word t j . If the word is not in the corpus, it leads to a denominator of zero. Therefore, in general, 1+ j : t j d j is used. The TF-IDF is represented as shown in Equation (6).
TF IDF = TF IDF
(2)
The construction method of word-to-word connection is as follows:
The word–word edges are based on global word co-occurrence information. The global word co-occurrence information is slid across the entire dataset using a fixed-size sliding window to count the word co-occurrence information, and then the weights of the two-word node links are calculated using point mutual information (PMI). The details are as follows.
PMI i , j = log p i , j p i p j
p i , j = # W i , j # W
p i = # W i # W
where #W denotes the total number of sliding windows, # W i denotes the number of sliding windows that contain word i, and # W i , j denotes the number of sliding windows that contain both word i and word j. After the statistics, the PMI is calculated by bringing in the above equation. A positive PMI means that the semantic relevance between words is high, and a negative one means that the semantic connection between two words is small or non-existent, so we only connect the edges to the two-word nodes with positive PMI, and the weights on the edges are the PMI values of the two words. The adjacency matrix of the heterogeneous map is defined as shown in Equation (10).
A i j =   PMI i , j   i , j   are   words ,   PMI i , j > 0   TF IDF i j   i   is   document , j   is   word   1   i = j   0   otherwise  
A two-layer graph convolutional network is used, with the following structure.
Z = softmax A ˜   ReLU A ˜ X W 0 W 1
The first layer uses ReLU as the activation function and the second layer uses the SoftMax function for classification. The loss function is shown in (12).
L = d y D f = 1 F Y d f ln Z d f

3.4. BERTGCN

The current mainstream approach to solving transductive text classification is to use graph networks [27,28] such as GNN, GCN, and GAT. All the labeled and unlabeled data are constructed in a graph, and the nodes in the graph represent documents or words. Through information transfer between the nodes, the model can infer the features of unlabeled nodes in the heterogeneous graph with the information of the labeled nodes, and thus achieve transductive classification. Multilayer GCNs for short text classification can lead to over-smoothing of node features, causing local features to converge to an approximation, resulting in degraded classification performance. However, BERTGCN combines BERT with GCN for transductive text classification to avoid such problems. In addition, the memory storage mechanism dynamically updates a small number of document nodes with each iteration. It avoids reading all the features into BERT for computation at once, which greatly reduces the memory overhead.
The joint BERT module and GCN module is built on top of the BERT module. Training and using BERTGCN consists of one or three main steps.
  • The construction of heterogeneous graphs and the initialization of document nodes with the BERT model.
  • The joint training of the BERT module with the GCN module.
  • Inference using the trained BERTGCN.
The first step of BERTGCN is to construct a heterogeneous graph consisting of nodes and edges.
There are two types of nodes: word nodes and document nodes, and edges connect between words and between words and documents. The weights of the edges are determined by TF-IDF and PPMI as shown in Equations (6) and (7). BERTGCN initializes all document nodes X doc with BERT and initializes all word nodes X to 0, as shown in (14).
X = X doc 0 n doc + n word × d
A GCN model is constructed using the feature vectors of the nodes, and after multiple graph propagation, the output of the features from the last layer of the GCN is used as the input of SoftMax to obtain the distribution of the categories, as shown in Equation (15).
Z G C N = softmax g X , A
where g X , A is the graph model. The model is trained using the standard cross-entropy loss function.
Z BERT = softmax W X
BERTGCN activates with SoftMax by feeding the document embedding directly into a dense layer, where X denotes the document.
BERTGCN performs linear interpolation for GCN prediction and BERT prediction, as shown in Formula (17).
Z = λ Z GCN + 1 + λ Z BERT
When λ = 1, the BERT module is not updated; when λ = 0, the TEXTGCN module is not updated; and when λ ∈ (0,1), both modules get updated and fast convergence of the overall BERTGCN module is achieved by adjusting λ .

4. E2G Model (Based on ERNIE-Gram and GCN)

4.1. E2G Framework Diagram

To improve the accuracy of Chinese travel review classification, this paper proposed that the E2G model refers to the BERTGCN model, and the model is trained by the joint training of ERNIE-Gram and TextGCN. ERNIE-Gram’s mask mechanism fully considers the relationship between coarse-grained and fine-grained data, which alleviates the problems of varying length and inadequate features in Chinese travel review texts. However, ERNIE-Gram fails to make a global consideration, while GCN makes up for this shortcoming well, thus combining ERNIE-Gram and GCN can achieve good results. The overall framework is shown in Figure 5. The whole model consists of four main stages, including a pre-processing stage, ERNIE-Gram stage, GCN stage, and calculation stage.
(1)
Pre-processing stage
The Chinese travel evaluation text is inputted and then pre-processed with data. The text is subjected to the removal of meaningless words. However, we retained the emojis. After removing the meaningless words, they are then input to ERNIE-Gram and TextGCN.
(2)
ERNIE-Gram stage
The pre-processed text is fed into ERNIE-Gram, which uses the transformer coding layer. In addition, its better consideration of internal connections leads to output features with richer semantics.
(3)
GCN stage
The text is input into TextGCN for constructing heterogeneous graphs and establishing word nodes and document nodes. The edges between the nodes are established using Equation (10), and the trained TextGCN is obtained by continuous iteration. TextGCN considers the whole dataset, which is a good remedy for the lack of global consideration when using ERNIE-Gram. The experimental results showed that E2G uses ReLU6 as the activation function of the second layer of the GCN, and the formula is as in (18), where X is the node, and the specific formula is shown in (14).
Z = softmax A ˜   ReLU 6 A ˜ X W 0 W 1
(4)
Calculation stage
After obtaining the respective features of ERNIE-Gram and TextGCN, the final probabilities are calculated using Equation (17).

4.2. E2G Flow Chart

The overall process of E2G is shown in Figure 6, where the text is input into ERNIE-Gram and GCN, respectively, after pre-processing. ERNIE-Gram can achieve rich features by using transformer-encode and then sending to SoftMax. GCN constructs a heterogeneous graph from the input text dataset. The nodes with the white background are words and the nodes with the blue and orange background document. After passing them through the hidden layer, the representations of words and documents are obtained, and thus SoftMax is performed. After obtaining the probabilities of the two parts, the probabilities obtained from ERNIE-Gram are multiplied with m (m is assumed to be 0.2 in the figure), and the probabilities obtained from GCN are multiplied by (1-m) to obtain the final probabilities.

5. Experimental Part

5.1. Dataset

There is no publicly available dataset about Chinese fusion emoji reviews of tourist attractions. In this paper, we collected more than 40,000 datasets from the Ctrip website, mainly collected for the reviews of Badaling Great Wall, Forbidden City, Disneyland, Beijing Zoo, Tianjin Eye, and other attractions in the past year. The dataset was processed to consist of four categories, including positive and negative reviews without emojis and positive and negative reviews with emojis. The pre-processing process is shown in Figure 7.
After processing, we found that although there were many emojis, some of them could not express specific feelings, such as some plants, animals, and other emojis. We added emojis to some good and bad reviews in reasonable positions. The main reason was that the collected dataset contained some emojis that were unique to Android or Apple systems and could not be displayed in Windows and Linux for encoding and decoding. We added an emoji that can be displayed to the original non-displayable symbols (expressing the same sentiment). In addition, another part was that we observed the location of emojis in real-life evaluations and found that most of them were at the end of a sentence and that people will type more than one symbol when they are happy or angry, so we expanded the dataset appropriately. In the collected dataset, medium reviews were discarded, but when including medium reviews, plain text and reviews containing emojis could reach roughly 9:1 in the overall dataset. After discarding medium reviews, a large number of reviews with emojis were discarded, and we added them manually in order to compensate for this part and maintain the overall ratio at 9:1. The main added emojis are shown in Table 1.
We added the symbolic expressions in Table 1 to part of the dataset. Since people will add more than one expression when they are extremely happy and angry, we added one to five expressions randomly, and the dataset after adding the expressions is shown in Table 2.
Table 2 shows the presentation of the dataset, which was divided into four subcategories for presentation, namely, reviews containing emojis and reviews without emojis. Each category contained positive and negative reviews, and for the convenience of understanding, this paper translated the Chinese in the table into English for display purposes. To be more intuitive, this paper made word clouds of positive and negative reviews according to their word frequencies. The effect is shown in Figure 8.
Observing Figure 8, it is easy to conclude that the keywords for good reviews in (a) are: not bad, go again, recommendable, worth, etc. In (b), the keywords for bad reviews are line up, service, guide, hour, poor experience, etc.
To show the overall data distribution of CAEIE, the overall number of data and the number of individual categories are shown in Table 3.
As shown in Table 3, the dataset was counted in this paper, and there were 36,197 bad reviews without emojis and 5611 positive reviews, 262 bad reviews with emojis, and 2601 positive reviews. The training set, test set, and validation set were divided according to the total number of 8:1:1, and there were 35,735, 4468, and 4468 items, respectively, in total.
In order to show the distribution of CAEIE lengths, the distribution of lengths is calculated and plotted in Figure 9.
To demonstrate the diversity of CAEIE, information entropy was calculated for the four categories () and the overall dataset in this paper, and the results are shown in Figure 10.
H x = x X p x log p x
x denotes the random variable. p x denotes the output probability function. The greater the uncertainty of a variable, the greater the entropy.

5.2. Experimental Details

5.2.1. Experimental Environment

This paper used the PyTorch development framework for experiments, with an Intel Xeon Gold 5218 CPU, a v100 GPU, and 32G of video memory.

5.2.2. Parameter Setting

The control variables method was used to find the best effect of m, GCN-layer, and Dropout.
To test the relationship between m values and accuracy, nine sets of experiments were conducted in this paper to compare the different accuracy rates corresponding to different m, as shown in Figure 11.
In order to test the relationship between Layer and accuracy, six sets of experiments were conducted in this paper, and 1–6 were selected for comparison, and the corresponding accuracy values were obtained, as shown in Figure 12.
To test the relationship between Dropout and accuracy, five sets of experiments were conducted in this paper, and five typical sets of values were selected to obtain the corresponding accuracy values, as shown in Figure 13.
After the experiments, this experiment set m = 0.2, GCN-layer = 2, and dropout = 0.1, as well as a maximum sentence length of 128, batch size of 256, an epoch of 50, hidden layer of 200, and a learning rate of 10−3 for the GCN part and 10−5 for ERNIE-Gram.

5.3. Evaluation Strategy

The model evaluation criterion used in this paper was the accuracy rate (ACC) [30,31,32]. The model evaluation metrics of classification algorithms are often measured by confusion matrices, as shown in Table 4.
In Table 4, TP indicates that it is a positive sample, and the classification result is positive; TN indicates that it is a negative sample, and the classification result is negative; FP indicates that it is a positive sample, and the classification result is negative; FN indicates that it is a negative sample, and the classification result is positive. The accuracy was calculated using four data, and it was the core metric for evaluating the classification models. The accuracy of the classification model (accuracy) indicates the proportion of samples correctly predicted by the model to all samples, and in general, the higher the accuracy, the better the classification, as calculated in (19).
Accuracy = TP + TN TP + FP + TN + FN
The precision of the classification model is defined as the percentage of samples with true positive class among all samples predicted to be positive class, and the formula is as follows:
Precision = TP TP + FP
The recall of a classification model is defined as the percentage of samples with true positive classes that are correctly predicted, and the formula is as follows:
Recall = TP TP + FN
F1-score is the summed mean of precision and recall. A higher value of F1 indicates a better model prediction.
F 1 = 2 TP 2 TP + FP + FN

5.4. Experiments

In this paper, several models were chosen for comparison, including BERT, as well as the more advanced robustly optimized BERT (Roberta) [33], and the BERT-based improvements in ERNIE, as well as TEXTGCN and TEXTGAT. BERT is used for pre-training to learn the embedding representation of a given word in a given context [34]. Roberta builds on BERT by modifying the key hyperparameters in BERT, removing the next sentence pre-training target of BERT and training with a larger batch size and learning rate. Roberta takes an order of magnitude longer to train than BERT. A lite BERT for self-supervised learning of language representations (ALBERT) is also based on BERT’s model [35]. The main differences are the change in the sentence prediction task to predicting coherence between sentences, the factorization of embedding, and the sharing of parameters across layers. Sentiment Knowledge Enhanced Pre-training for Sentiment Analysis (Skep) is based on Roberta’s model. Unlike Roberta, Skep uses a dynamic mask mechanism. The model is more focused on emotional knowledge to build pre-trained targets, which in turn allows the machine to learn to understand emotional semantics.
ERNIE obtained state-of-the-art results on natural language processing (NLP) tasks in Chinese based on the BERT model. ERNIE improved the mechanism of the mask. Instead of the basic word piece mask, its mask added external knowledge in the pretraining stage. ERNIE-Gram is based on ERNIE and refined the mask mechanism. The model established semantic relationships between n-grams synchronously and achieves simultaneous learning of fine and coarse grains.
TextGCN is based on GCN to build a heterogeneous graph of the dataset, treating words and documents as nodes, which were continuously trained to obtain a representation of the nodes. The current optimal results were obtained using Roberta combined with GCN on five typical datasets—20 Newsgroups, R8, R52, Ohsumed, and Movie Review.
As shown in Table 5, the E2G model achieved the best results on the CAEIE dataset compared to several other comparable models. E2G had an accuracy lead of 1.37% and 1.35% compared to ERNIE-Gram and TextGCN, respectively. The reason was that although ERNIE-Gram achieved good results and ERNIE-Gram fully considered the connection between n-grams when extracting features, it lacks global considerations. On the contrary, although TextGCN fully considers the relationship of the whole dataset, it ignores the word order and lacks consideration between n-grams. Incorporating ERNIE-Gram is just able to solve this problem. In addition, in order to verify the stability of E2G, this paper used the ten-fold crossover method for validation, and the error of the obtained accuracy results did not exceed 0.001.
To demonstrate the effectiveness of E2G, we performed ablation experiments that tested the combination of GAT in ERNIE and ERNIE-Gram. GAT is a neural network based on graph-structured data. The model addresses the shortcomings of GCN using a hidden self-attentive layer.
As shown in Table 6, ERNIE and ERNIE-Gram combined with GAT lagged 1.44% and 0.62% behind the effect of combining with GCN, respectively. Although both GCN and GAT aggregate features from neighboring vertices to the center vertex, GCN utilizes the Laplace matrix while GAT utilizes attention coefficients. To some extent, GAT is stronger, but the experimental results proved that, in textual data, the use of fixed coefficients was more applicable, which was also confirmed in BERTGCN.
To verify the effects of different activation functions on GCN, this paper tried to use different activation functions in the second layer of GCN. The main ones used for the experiments included rectified linear unit (RELU), ReLU6, exponential linear unit (ELU), scaled exponential linear unit (Selu), continuously differentiable exponential linear units (CELU), leaky rectified linear units (Leaky ReLU), randomized rectified linear units (RReLU), and gaussian error linear units (Gelu).
The ReLU function is a segmented linear function [36] that changes all negative values to 0, while positive values remain unchanged. In the case that the input is negative, it will output 0, and then the neuron will not be activated. This means that only some of the neurons will be activated at the same time, thus making the network very sparse, which is very efficient for computation.
ReLU6 is the ordinary ReLU but restricts the maximum output value to 6 [37], and Relu uses x for linear activation in the region where x > 0, which may cause the value after activation to be too large and thus affect the stability of the model.
ELU solves the problem that exists with ReLU [38]. ELU has a negative value, which causes the average value of activation to approach zero and thus speeds up learning. At x < 0, the gradient is 0. This neuron and subsequent neurons have a gradient of 0 forever and no longer respond to any data, resulting in the corresponding parameters never being updated.
Selu after this activation function makes the sample distribution automatically normalized to 0 mean and unit variance [39]. Selu’s positive semi-axis is greater than 1, which allows it to increase when the variance is too small and prevents the gradient from vanishing. The activation function then has an immobility point. The output of each layer has a mean of 0 and a variance of 1.
CELU is similar to SELU [40], in that CELU uses negative intervals for exponential computation and integer intervals for linear computation. CELU facilitates the convergence and generalization performance of neural networks.
Leaky ReLU is a variant of the ReLU activation function [41]. The output of this function has a small slope for negative-valued inputs. Since the derivative is always non-zero, this reduces the appearance of silent neurons. Moreover, allowing gradient-based learning solves the ReLU function after it enters the negative interval.
RReLU is a variant of Leaky ReLU [42]. In RReLU, the slope of the negative values is random in training and becomes fixed in testing.
GELU achieves regularization by multiplying the input by 0 or 1 [43], but whether the input is multiplied by 0 or 1 depends on the random choice of the input’s distribution.
As shown in Table 7, ReLU6 achieved the best results on the CAEIE dataset when m = 0.2, layer = 2, and dropout = 0.1. ReLU6 led by 0.126 and 0.027 in F1 and accuracy, respectively. ReLU6 was essentially the same as ReLU but limited the maximum output value to 6. If there is no restriction on the activation range of ReLU, the output ranges from 0 to positive infinity. If the activation values are very large and distributed over a large range, it is not possible to describe such a large range of values well and accurately, resulting in a loss of accuracy. ReLU6 avoids this problem well and obtained the highest accuracy.

6. Conclusions

In this paper, we classified the sentiment of visitors’ evaluations of attractions, integrated emojis into the comments, and made the collected dataset public to fill the gap in the Chinese integration of emoji attraction evaluation. In addition, this paper proposed the E2G model, which firstly preprocesses the text and then sends it to ERNIE-Gram and TextGCN, respectively. ERNIE-Gram is trained using its unique mask mechanism to obtain the final probability. TextGCN uses the dataset to construct a heterogeneous graph with documents and words as nodes, and finally obtains a representation of the nodes and outputs the category probabilities. The two probabilities are calculated to obtain the final result. The experiment showed that E2G had a good classification effect on Chinese attraction evaluation. The accuracy of classification was up to 97.37% and, compared with ERNIE-Gram, the TextGCN and E2G accuracy was ahead by 1.37% and 1.35%, respectively. In this paper, the evaluation was divided into three categories, 1–2 as bad reviews, 4–5 as good reviews, and 3 as medium reviews, and only good and bad reviews were used in the process of constructing the dataset, and no consideration of medium reviews was carried out. The reason was that we observed that the score was given 3 points despite the bad content of many visitors’ comments. This made our classification work very difficult and greatly affected the effectiveness of the classification. In the future, special treatment can be given to moderate reviews, thus allowing for the three categories of bad, moderate, and good reviews. The E2G model required a lot of video memory during training. In the future, the algorithm can be optimized to reduce the time and memory required for training, thus improving the practicality. In addition, there were some visitors in the comments who liked to use irony to express their dissatisfaction. This phenomenon reduced the accuracy of text classification and ironic comments can be specifically identified in the future.

Author Contributions

S.Y. described the proposed framework; S.Y., Z.X., Z.L. and Y.L. wrote the whole manuscript; X.D. Writing—review & editing; S.Y. implemented the simulation experiments; Z.J., D.T. and H.D. collected data; Z.J., D.T., H.D. and X.D. revised the English. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The datasets CAEIE that were used in this study are available online on the following links: https://github.com/yyy4444/Chinese-attractions-evaluation-incorporating-emojis-.git (accessed on 24 September 2022).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Statistical Bulletin on National Economic and Social Development of the People’s Republic of China; National Bureau of Statistics of China: Beijing, China, 2020; pp. 8–22.
  2. Li, D.Y.; Hao, S.Q.; Wang, S.G. Emotional classification of tourist attractions and attributes with fused knowledge. J. Shanxi Univ. 2021, 44, 514–522. [Google Scholar] [CrossRef]
  3. Guo, Q.; Jia, G.J. Research on sentiment analysis method of travel reviews based on tree LSTM. Comput. Appl. Res. 2020, 37, 63–65. [Google Scholar]
  4. Li, S.; Guo, J.; Zheng, C. Fusion of user reviews and heterogeneous graph neural networks for attraction classification. Small Microcomput. Syst. 1–9. Available online: http://kns.cnki.net/kcms/detail/21.1106.tp.20220706.1327.004.html (accessed on 24 September 2022).
  5. Zhu, Y.; Kan, H.Y. Analysis of Public Big Data Management under Text Analysis. Math. Probl. Eng. 2022, 2022, 11. [Google Scholar] [CrossRef]
  6. Chen, L.; Liu, Y.; Zhou, W. Emotion classification of microblogs by fusing emoji image feature learning. J. Sichuan Univ. 2021, 58, 74–80. [Google Scholar] [CrossRef]
  7. Yanxiang, H.; Songtao, S.; Fei-Fei, N. A deep learning model of sentiment semantic enhancement for microblog sentiment analysis. Comput. Lett. 2017, 40, 773–790. [Google Scholar]
  8. Zhao, X.; Jin, Z. Multidimensional sentiment classification of microblogs by integrating emoji and short text. J. Harbin Inst. Technol. 2020, 52, 113–120. [Google Scholar]
  9. Jiang, F.; Liu, Y.Q.; Luan, H.B.; Sun, J.S.; Zhu, X.; Zhang, M.; Ma, S.P. Microblog Sentiment Analysis with Emoticon Space Model. J. Comput. Sci. Technol. 2015, 30, 1120–1129. [Google Scholar] [CrossRef]
  10. Li, M.G.; Li, W.R.; Wang, F.; Jia, X.J.; Rui, G.W. Applying BERT to analyze investor sentiment in stock market. Neural Comput. Appl. 2021, 33, 4663–4676. [Google Scholar] [CrossRef]
  11. Yan, H.; Yi, B.S.; Li, H.X.; Wu, D.Q. Sentiment knowledge-induced neural network for aspect-level sentiment analysis. Neural Comput. Appl. 2022. [Google Scholar] [CrossRef]
  12. Weng, X.F.; Zhao, J.H.; Jiang, C.X.; Ji, Y.Y. Research on sentiment classification of futures predictive texts based on BERT. Computing 2021. [Google Scholar] [CrossRef]
  13. Huang, W.D.; Lin, M.; Wang, Y. Sentiment Analysis of Chinese E-Commerce Product Reviews Using ERNIE Word Embedding and Attention Mechanism. Appl. Sci. 2022, 12, 7182. [Google Scholar] [CrossRef]
  14. Xiao, D.; Li, Y.K.; Zhang, H.; Sun, Y.; Wang, H. ERNIE-Gram: Pre-Training with Explicitly N-Gram Masked Language Modeling for Natural Language Understanding. arXiv 2020, arXiv:2010.12148v2. [Google Scholar]
  15. Hu, C.; Zhang, S.; Gu, T.; Yan, Z.; Jiang, J. Multi-Task Joint Learning Model for Chinese Word Segmentation and Syndrome Differentiation in Traditional Chinese Medicine. Int. J. Environ. Res. Public Health 2022, 19, 5601. [Google Scholar] [CrossRef]
  16. Kim, M.; Chae, K.; Lee, S.; Jang, H.-J.; Kim, S. Automated Classification of Online Sources for Infectious Disease Occurrences Using Machine-Learning-Based Natural Language Processing Approaches. Int. J. Environ. Res. Public Health 2020, 17, 9467. [Google Scholar] [CrossRef]
  17. Chen, X.; Ouyang, C.; Liu, Y.; Bu, Y. Improving the Named Entity Recognition of Chinese Electronic Medical Records by Combining Domain Dictionary and Rules. Int. J. Environ. Res. Public Health 2020, 17, 2687. [Google Scholar] [CrossRef] [Green Version]
  18. Yao, L.; Mao, C.; Luo, Y. Graph Convolutional Networks for Text Classification. arXiv 2018, arXiv:1809.05679. [Google Scholar] [CrossRef] [Green Version]
  19. Lin, Y.; Meng, Y.; Sun, X.; Han, Q.; Wu, F. BertGCN: Transductive Text Classification by Combining GNN and BERT. arXiv 2021, arXiv:2105.05727v4. [Google Scholar]
  20. She, X.R.; Chen, J.P.; Chen, G. Joint Learning With BERT-GCN and Multi-Attention for Event Text Classification and Event Assignment. IEEE Access 2022, 10, 27031–27040. [Google Scholar] [CrossRef]
  21. Gao, W.Q.; Huang, H. A gating context-aware text classification model with BERT and graph convolutional networks. J. Intell. Fuzzy Syst. 2021, 40, 4331–4343. [Google Scholar] [CrossRef]
  22. Guo, Y.; Hu, X.N.; Zou, Y.; Li, S.W.; Cheng, W.C.; Li, Z.Y. Maximizing E-Tailers’ Sales Volume through the Shipping-Fee Discount and Product Recommendation System. Discret. Dyn. Nat. Soc. 2020, 2020, 7349162. [Google Scholar] [CrossRef]
  23. Guo, Y.; Hu, X.; Wang, Z.; Tang, W.; Liu, D.; Luo, Y.; Xu, H. The butterfly effect in the price of agricultural products: A multidimensional spatial-temporal association mining. Agric. Econ. 2021, 67, 457–467. [Google Scholar] [CrossRef]
  24. Guo, Y.; Tang, D.Z.; Tang, W.; Yang, S.Q.; Tang, Q.C.; Feng, Y.; Zhang, F. Agricultural Price Prediction Based on Combined Forecasting Model under Spatial-Temporal Influencing Factors. Sustainability 2022, 14, 10483. [Google Scholar] [CrossRef]
  25. Sun, Y.; Wang, S.; Li, Y.; Feng, S.; Wu, H. ERNIE: Enhanced Representation through Knowledge Integration. arXiv 2019, arXiv:1904.09223. [Google Scholar]
  26. Devlin, J.; Chang, M.W.; Lee, K.; Toutanova, K. BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding. arXiv 2018, arXiv:1810.04805. [Google Scholar]
  27. Hafidi, H.; Ghogho, M.; Ciblat, P.; Swami, A. Negative sampling strategies for contrastive self-supervised learning of graph representations. Signal Process. 2022, 190, 108310. [Google Scholar] [CrossRef]
  28. Jiang, J.C.; Wang, T.; Wang, B.R.; Ma, L.J.; Guan, Y. Gated Tree-based Graph Attention Network (GTGAT) for medical knowledge graph reasoning. Artif. Intell. Med. 2022, 130, 102329. [Google Scholar] [CrossRef]
  29. Kim, H.-J.; Baek, J.-W.; Chung, K. Optimization of Associative Knowledge Graph using TF-IDF based Ranking Score. Appl. Sci. 2020, 10, 4590. [Google Scholar] [CrossRef]
  30. Wang, P.; Yan, M.; Zhan, X.P.; Tian, M.; Si, Y.D.; Sun, Y.; Jiao, L.Z.; Wu, X.J. Predicting Self-Reported Proactive Personality Classification with Weibo Text and Short Answer Text. IEEE Access 2021, 9, 77203–77211. [Google Scholar] [CrossRef]
  31. Li, W.F.; Xu, Y.L.; Wang, G.M. Stance Detection of Microblog Text Based on Two-Channel CNN-GRU Fusion Network. IEEE Access 2019, 7, 145944–145952. [Google Scholar] [CrossRef]
  32. Zhang, R.; Jia, C.R.; Wang, J. Text emotion classification system based on multifractal methods. Chaos Solitons Fractals 2022, 156, 111867. [Google Scholar] [CrossRef]
  33. Liu, Y.; Ott, M.; Goyal, N.; Du, J.; Joshi, M.; Chen, D.; Levy, O.; Lewis, M.; Zettlemoyer, L.; Stoyanov, V. RoBERTa: A Robustly Optimized BERT Pretraining Approach. arXiv 2019, arXiv:1907.11692. [Google Scholar]
  34. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention Is All You Need. arXiv 2017, arXiv:1706.03762. [Google Scholar]
  35. Lan, Z.; Chen, M.; Goodman, S.; Gimpel, K.; Sharma, P.; Soricut, R. ALBERT: A Lite BERT for Self-supervised Learning of Language Representations. arXiv 2019, arXiv:1909.11942. [Google Scholar]
  36. Lu, L.; Shin, Y.; Su, Y.H.; Karniadakis, G.E. Dying ReLU and Initialization: Theory and Numerical Examples. Commun. Comput. Phys. 2020, 28, 1671–1706. [Google Scholar] [CrossRef]
  37. Zhou, L.M.; Li, Y.H.; Rao, X.H.; Wang, Y.D.; Zuo, X.Y.; Qiao, B.J.; Yang, Y. Feature Enhancement-Based Ship Target Detection Method in Optical Remote Sensing Images. Electronics 2022, 11, 634. [Google Scholar] [CrossRef]
  38. Hu, A.D.; Wu, L.J.; Huang, J.K.; Fan, D.; Xu, Z.Y. Recognition of weld defects from X-ray images based on improved convolutional neural network. Multimed. Tools Appl. 2022, 81, 15085–15102. [Google Scholar] [CrossRef]
  39. Yang, T.; Wei, Y.D.; Tu, Z.J.; Zeng, H.L.; Kinsy, M.A.; Zheng, N.N.; Ren, P.J. Design Space Exploration of Neural Network Activation Function Circuits. IEEE Trans. Comput. Aided Des. Integr. Circuits Syst. 2019, 38, 1974–1978. [Google Scholar] [CrossRef] [Green Version]
  40. Tao, Z.; Yuncan, L.; Huiling, L.; Xinyu, Y.; Xiaoyu, C. ResNet and its applications in medical image processing: Research progress and challenges. J. Electron. Inf. Lett. 2022, 44, 149–167. [Google Scholar]
  41. Nayef, B.H.; Abdullah, S.; Sulaiman, R.; Alyasseri, Z.A.A. Optimized leaky ReLU for handwritten Arabic character recognition using convolution neural networks. Multimed. Tools Appl. 2022, 81, 2065–2094. [Google Scholar] [CrossRef]
  42. Xu, Y.L.; Zhai, Y.T.; Chen, Q.Y.; Kong, S.L.; Zhou, Y. Improved Residual Network for Automatic Classification Grading of Lettuce Freshness. IEEE Access 2022, 10, 44315–44325. [Google Scholar] [CrossRef]
  43. Paul, A.; Bandyopadhyay, R.; Yoon, J.H.; Geem, Z.W.; Sarkar, R. SinLU: Sinu-Sigmoidal Linear Unit. Mathematics 2022, 10, 337. [Google Scholar] [CrossRef]
Figure 1. Comparison of BERT and ERNIE mask mechanisms.
Figure 1. Comparison of BERT and ERNIE mask mechanisms.
Ijerph 19 13520 g001
Figure 2. Framework diagram of transformer-encode.
Figure 2. Framework diagram of transformer-encode.
Ijerph 19 13520 g002
Figure 3. Comparison of ERNIE-Gram and ERNIE mask mechanisms.
Figure 3. Comparison of ERNIE-Gram and ERNIE mask mechanisms.
Ijerph 19 13520 g003
Figure 4. Schematic of TextGCN.
Figure 4. Schematic of TextGCN.
Ijerph 19 13520 g004
Figure 5. Structure diagram of EGC.
Figure 5. Structure diagram of EGC.
Ijerph 19 13520 g005
Figure 6. E2G flow chart. * implies multiplication.
Figure 6. E2G flow chart. * implies multiplication.
Ijerph 19 13520 g006
Figure 7. Data preprocessing flow chart. After the text was input, it was preprocessed to classify 1–2 stars as poor ratings and 4–5 stars as good ratings. A rating of 3 stars was a medium rating, which was not used in this paper [29]. The pre-processing process loaded deactivated word lists and removed meaningless words, punctuation, special symbols, etc. Finally, the training set, test set, and validation set were divided according to the ratio of 8:1:1.
Figure 7. Data preprocessing flow chart. After the text was input, it was preprocessed to classify 1–2 stars as poor ratings and 4–5 stars as good ratings. A rating of 3 stars was a medium rating, which was not used in this paper [29]. The pre-processing process loaded deactivated word lists and removed meaningless words, punctuation, special symbols, etc. Finally, the training set, test set, and validation set were divided according to the ratio of 8:1:1.
Ijerph 19 13520 g007
Figure 8. Word cloud display of positive and negative evaluations. Word clouds were created using the positive and negative reviews in the dataset to obtain the two highest rated word frequency images.
Figure 8. Word cloud display of positive and negative evaluations. Word clouds were created using the positive and negative reviews in the dataset to obtain the two highest rated word frequency images.
Ijerph 19 13520 g008
Figure 9. Distribution diagram of CAEIE. The mean length was 46.2. The maximum value was 351. The minimum value was 6. The standard deviation was 40.86. The group distance was 6.9. The number of groups was 50.
Figure 9. Distribution diagram of CAEIE. The mean length was 46.2. The maximum value was 351. The minimum value was 6. The standard deviation was 40.86. The group distance was 6.9. The number of groups was 50.
Ijerph 19 13520 g009
Figure 10. Information entropy of the dataset. The information entropy was calculated using Equation (19), which was the 1-g used in this paper. The numbers below the horizontal coordinates indicate the number of different words in each category. The number of different words in all-text was 42,085, and the information entropy was 11.3763 bits.
Figure 10. Information entropy of the dataset. The information entropy was calculated using Equation (19), which was the 1-g used in this paper. The numbers below the horizontal coordinates indicate the number of different words in each category. The number of different words in all-text was 42,085, and the information entropy was 11.3763 bits.
Ijerph 19 13520 g010
Figure 11. Testing the relationship between m and accuracy when GCN-layer = 1 and dropout = 0.1. The ACC reached the highest value of 0.9631. This was 0.07 higher than other values. The bolded font in the figure is the optimal effect.
Figure 11. Testing the relationship between m and accuracy when GCN-layer = 1 and dropout = 0.1. The ACC reached the highest value of 0.9631. This was 0.07 higher than other values. The bolded font in the figure is the optimal effect.
Ijerph 19 13520 g011
Figure 12. Relationship between GCN layer and accuracy, tested when m = 0.2 and dropout = 0.1 for GCN-layer. The results showed that the best results were obtained when GCN-layer = 2, leading by 0.25. The bolded font in the figure is the optimal effect.
Figure 12. Relationship between GCN layer and accuracy, tested when m = 0.2 and dropout = 0.1 for GCN-layer. The results showed that the best results were obtained when GCN-layer = 2, leading by 0.25. The bolded font in the figure is the optimal effect.
Ijerph 19 13520 g012
Figure 13. Test relationship between dropout and accuracy when GCN-layer = 2 and m = 0.2. The best result was tested for dropout = 0.1, leading by 0.11. The bolded font in the figure is the optimal effect.
Figure 13. Test relationship between dropout and accuracy when GCN-layer = 2 and m = 0.2. The best result was tested for dropout = 0.1, leading by 0.11. The bolded font in the figure is the optimal effect.
Ijerph 19 13520 g013
Table 1. Emotional emojis for labeling.
Table 1. Emotional emojis for labeling.
ClassesEmoji
NegIjerph 19 13520 i001Ijerph 19 13520 i002Ijerph 19 13520 i003Ijerph 19 13520 i004Ijerph 19 13520 i005Ijerph 19 13520 i006Ijerph 19 13520 i007Ijerph 19 13520 i008
PosIjerph 19 13520 i009Ijerph 19 13520 i010Ijerph 19 13520 i011Ijerph 19 13520 i012Ijerph 19 13520 i013Ijerph 19 13520 i014Ijerph 19 13520 i015Ijerph 19 13520 i016Ijerph 19 13520 i017Ijerph 19 13520 i018Ijerph 19 13520 i019Ijerph 19 13520 i020
Table 2. Chinese attractions evaluation incorporating emojis.
Table 2. Chinese attractions evaluation incorporating emojis.
ClassesReviewReview-Translate
Emotion-Neg这地方一年不如一年Ijerph 19 13520 i008Ijerph 19 13520 i008This place gets worse every yearIjerph 19 13520 i008Ijerph 19 13520 i008.
没去成,也不给退,闹过Ijerph 19 13520 i004Ijerph 19 13520 i004Didn’t go, also don’t give back, troubleIjerph 19 13520 i004Ijerph 19 13520 i004.
Emotion-Pos整体感觉还行,玩不错,带着老人也可以去的地方Ijerph 19 13520 i013The overall feeling of this place is OK, very fun, with the old people can also go to the placeIjerph 19 13520 i013.
性价比还可以Ijerph 19 13520 i018,小孩子喜欢Ijerph 19 13520 i020Cost performance is okIjerph 19 13520 i018, children like itIjerph 19 13520 i020.
Text-Neg景色一般,可玩性低,性价比低,有待改进。General scenery, low playability, and low-cost performance are to be improved.
里面饭吃不起,外面饭带不进去。It’s too expensive and you’re not allowed to bring your food.
Text-Pos北京著名景点,到北京必去呦。Beijing’s famous scenic spots, Beijing must go.
见到好多名人,栩栩如生,制作精致。See a lot of famous wax figures, lifelike, exquisite production.
Table 3. Chinese scenic spot evaluation text dataset with emotional symbols.
Table 3. Chinese scenic spot evaluation text dataset with emotional symbols.
ClassesTrainTestDevTotal
TextNeg44895615615611
Pos26,5673300330036,197
EmojiNeg2102626262
Pos20812602602601
Total35,7354468446844,671
Table 4. Confusion matrix.
Table 4. Confusion matrix.
Predict True01
0TPFN
1FPTN
Table 5. Performance of different models on CAEIE.
Table 5. Performance of different models on CAEIE.
Model NamePrecisionRecallF1ACC
BERT0.97240.9840.97820.9599
Roberta0.97150.97820.97480.954
ALBERT0.83920.86020.84960.9588
ERNIE0.96820.98150.97480.9537
ERNIE-Gram0.97010.9890.97950.9622
Skep0.97320.9780.97560.9567
TextGCN0.96460.98920.97670.9572
Roberta+GCN0.97380.97170.97270.9531
E2G0.97970.990.98480.9736
Table 6. Comparison of GAT and GCN on CAEIE.
Table 6. Comparison of GAT and GCN on CAEIE.
Model NamePrecisionRecallF1ACC
Ernie+GCN0.7620.88050.81700.9494
Ernie+GAT0.88460.80240.84150.9592
ERNIE-Gram+GAT0.92210.72630.81260.9556
ERNIE-Gram+GCN0.97970.990.98480.9736
Table 7. Compare Different activation functions on CAEIE.
Table 7. Compare Different activation functions on CAEIE.
Activation FunctionPrecisionRecallF1ACC
ReLU0.83210.84640.83920.9558
ReLU60.85310.85060.85180.961
ELU0.81460.86360.83840.9549
Selu0.75350.88370.81340.9453
CELU0.87530.79120.83110.9583
Leaky ReLU0.79590.86960.83110.9528
RReLU0.80840.8580.83250.9542
Gelu0.69810.91020.79020.936
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Yang, S.; Duan, X.; Xiao, Z.; Li, Z.; Liu, Y.; Jie, Z.; Tang, D.; Du, H. Sentiment Classification of Chinese Tourism Reviews Based on ERNIE-Gram+GCN. Int. J. Environ. Res. Public Health 2022, 19, 13520. https://doi.org/10.3390/ijerph192013520

AMA Style

Yang S, Duan X, Xiao Z, Li Z, Liu Y, Jie Z, Tang D, Du H. Sentiment Classification of Chinese Tourism Reviews Based on ERNIE-Gram+GCN. International Journal of Environmental Research and Public Health. 2022; 19(20):13520. https://doi.org/10.3390/ijerph192013520

Chicago/Turabian Style

Yang, Senqi, Xuliang Duan, Zeyan Xiao, Zhiyao Li, Yuhai Liu, Zhihao Jie, Dezhao Tang, and Hui Du. 2022. "Sentiment Classification of Chinese Tourism Reviews Based on ERNIE-Gram+GCN" International Journal of Environmental Research and Public Health 19, no. 20: 13520. https://doi.org/10.3390/ijerph192013520

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop