1. Introduction
Learning emotion is one of the essential factors affecting cognitive processing and the learning effect [
1]. On the one hand, the learners’ emotional state can indicate the learners’ preferences for teaching content and teaching environment, which helps explore deep cognitive styles and learning interests [
2]. On the other hand, it can reflect the influence mechanism of learners’ knowledge level and cognitive structure on their subjective learning experience, which helps to reveal the deep learning mechanism [
3]. However, unreliable and uninterpretable results can increase the ethical risk of educational practice. Therefore, an accurate and interpretable learning emotional state assessment is of great significance in the context of the rapid development of intelligent technology.
In recent years, learning emotion assessment has progressively attracted the attention of researchers. Several different assessment approaches have been presented, which can be divided into the following three types: (I) Data-driven models, which utilize a large amount of training data to obtain a prediction model. Estrada et al. used three different techniques of machine learning, including support vector machine (SVM) and random forest, deep learning, such as convolutional neural networks (CNNs) and long short-term memory networks (LSTM), and evolutionary algorithms to evaluate students’ learning emotions. Furthermore, the three methods were compared and analyzed [
4]. Ashwin and Guddeti proposed a novel mixed convolutional neural network architecture for analyzing students’ emotional states in a classroom setting. The architecture was divided into two parts. In terms of individual image frames, the first model aimed to recognize a single student’s emotional state, and the second analyzed several students. The whole mixed architecture was used to predict the overall emotional state of the whole class [
5]. Bota et al. used multimodal physiological data to assess emotions concerning low/high arousal and valence classification using supervised learning, decision fusion, and feature fusion techniques. The experiment tested seven methods, including K-nearest neighbor, decision tree, random forest; support vector machines, AdaBoost, Gaussian naive Bayes, and quadratic discriminant analysis [
6]. Chan et al. used deep learning techniques to analyze multimodal data generated in the learning process. Students’ emotional attitudes, academic engagement, and classroom concentration were quantitatively evaluated to analyze learners’ learning motivation [
7]. (II) Knowledge-driven models, which use expert experience and domain knowledge to establish the relationship between data and emotional states, can provide transparent modeling processes and interpretable results. Hwang et al. proposed an expert system approach that considers individual learners’ emotional and cognitive status. The learning system developed was composed of four modules, of which the expert system module uses fuzzy reasoning for analyzing the student’s emotional state [
8]. Fodor et al. built a sensory network to study physiological data collection and used the collected data for emotional state identification. A Petri net model that simulates how certain emotions affect physiological data was constructed to reduce the invasiveness of data collection [
9]. Kurniawan et al. utilized an attitude questionnaire and an interview form to assess Indonesian students’ attitudes toward natural sciences. Descriptive statistics were used for the attitude questionnaire, and Miles and Huberman’s models were used for the interview data [
10]. (III) Hybrid-driven models, such as the hidden Markov model, Bayesian network, and belief function-based model [
11], utilize quantitative data and qualitative knowledge to establish the model. Patlar Akbulut presented a method to accurately recognize six emotions using electrocardiogram (ECG) and electrodermal activity (EDA) signals and applying autoregressive hidden Markov models (AR-HMMs) and heart rate variability analysis on these signals [
12]. Harper et al. proposed an end-to-end model for classifying emotions from unimodal data. In addition, a Bayesian framework for uncertainty modeling was further proposed. It describes a probabilistic process for accepting or rejecting the model output depending on the intended application [
13]. Ray et al. combined deep learning methods with rule-based approaches to improve model performance in terms of aspect extraction and sentiment scoring. On the one hand, a seven-layer specific CNN structure was developed. The concept of rule-based was introduced in order to improve the performance of aspect extraction [
14].
Although the above methods can be applied to learning emotion assessment, there are still some problems. The data-driven-based methods rely too much on samples to train the model, which is unsuitable for small sample sizes. With a large sample of data, a data-driven model can be used to construct a more accurate assessment model. However, data-driven models cannot achieve a balance between model accuracy and model interpretability. Models with higher precision may have worse interpretability. From the standpoint of education, the low interpretability of the final result makes it difficult for people to understand the final result, so it is impossible to determine which factor is the dominant factor that activates negative emotions [
15]. In addition, the lack of interpretability of algorithms leads to information asymmetry between algorithm developers and users, which will increase the inequity of education. The knowledge-driven method is not conducive to improving evaluation accuracy and is also slightly insufficient in addressing uncertainty. When the data collection technology is not mature, learners are easily affected by environmental, physical, and psychological factors, and the measured values often have significant differences and fluctuations [
16]. In this case, it is difficult to obtain accurate results based on knowledge-driven methods. The hybrid-driven method combines domain expert knowledge and experience as well as historical data, which can make the output of the model more accurate. It maintains good performance in terms of model interpretability and accuracy simultaneously. The belief rule base (BRB) is introduced in this paper to achieve a balance between accuracy and interpretability.
As a gray-box model, the BRB model can express various types of uncertain information, and its reasoning process and output results are transparent and interpretable [
17]. BRB provides an information scheme for formulating expert experience, uncertain knowledge, and hybrid information [
18]. It has been widely used in fault diagnosis [
19], Complex system modeling [
20], state assessment [
21], and medical science [
22]. The emotion assessment model based on BRB is an ideal choice for this situation. 
Learning emotion assessment faces many problems, such as many types of indicators and complex relationships. When establishing a model using BRB, it is necessary to traverse all reference values of all antecedent attributes. Therefore, the number of emotional indicators directly influences the complexity and structure of the model [
23]. Too many antecedent attributes can lead to combinatorial explosion problems, which restricts the suitability of the BRB model in higher dimensional problems. For the combinatorial explosion problem, commonly used methods include principal component analysis (PCA) [
24], rough set theory [
25], gray target (GT) [
26], etc. However, these methods may lose some information and reduce the model’s accuracy when there are no significant variations in the degree to which the different attributes affect the consequent parts. In this paper, the complexity of the indicators is reduced by fusing multiple learning sentiment indicators. As an information fusion mechanism, the evidential reasoning (ER) algorithm can avoid information loss, give reliable fusion results, and achieve effective data analysis [
27]. The fusion of learning emotional indicators through the ER algorithm can effectively avoid the combinatorial explosion problem. At the same time, the model adopts global optimization to prevent the overall model from falling into a local optimum that affects the performance of the model.
Therefore, a learning emotion assessment model based on evidential reasoning and belief rule base (E-BRB) is proposed in this paper. Firstly, multiple emotional indicators are converted to belief distribution under the predetermined framework by the transformation matrix. Then, the ER algorithm is used to fuse the information of similar learning emotion indicators, and the results are used as input to establish the E-BRB model. Finally, the optimal model is obtained by the optimization algorithm. The main contributions of this paper are as follows:
(1) On the basis of the transformation matrix, the mapping relationship between learning emotion indicators and fusion results is built, which solves the problem of inconsistent emotion indicators reference grades and result grades in educational practice, ensures the integrity of information transformation, and avoids the loss of information.
(2) A learning emotion assessment model based on E-BRB is constructed. The model solves the combinatorial explosion problem of BRB by using the practical information fusion ability and efficient reasoning ability of E-BRB. Thus, the learning emotion assessment in an educational environment is achieved. At the same time, the model considers both accuracy and interpretability, reducing the potential and ethical risks of educational decision-making. 
The structure of this paper is as follows. In 
Section 2, two problems in learning emotion assessment and their solutions are analyzed. In 
Section 3, the learning emotion assessment model based on E-BRB is established. In 
Section 4, an experimental case study is designed to verify the validity of the E-BRB model. In 
Section 5, our conclusion is summarized, and future work for learning emotion assessment is discussed.
  3. Learning Emotion Assessment Model Based on E-BRB
A learning emotion assessment model based on E-BRB is proposed to address the three problems mentioned in 
Section 2.1. A transformation matrix for addressing inconsistent input–output mappings is presented in 
Section 3.1. Then, the inference of the E-BRB model is described in 
Section 3.2. An optimization model is proposed in 
Section 3.3 to train the parameters in the model, which uses the P-CMA-ES algorithm as the optimization algorithm. A learning emotion assessment modeling method based on the E-BRB model is proposed in 
Section 3.4.
  3.1. Transformation Method of Input Indicators
When using the ER algorithm to fuse learners’ emotional indicators, a set of result grades is predetermined, which are mutually exclusive and collectively exhaustive. After determining the emotional indicators, the input indicator reference grade is introduced to obtain the initial evidence pointing to the result grade. The indicator reference grades, as an essential part of the fusion process, significantly impact the belief distribution of the initial evidence. Finally, the initial evidence and the weight of evidence are fused using the ER algorithm to obtain the fusion results. The above process confirms that the reference grade of the input indicator corresponds to the result grade one by one. However, in the actual learning emotion assessment, the emotional state grade is predetermined, resulting in inconsistency with the input indicator reference grade. For example, according to the assessment items, the input reference grade can be easily divided into “enjoyment” and “disgust”, but the emotional state grade is preset as “joy”, “boredom”, and “confusion”. A transformation matrix is proposed to address the above problem in this subsection to solve the problem of inconsistency between the reference grades of input indicators and the result grades.
Let us suppose there are 
 indicators and 
 emotional state grades, which can be expressed as 
. For the 
th input attribute, the number of input indicator reference grades is 
, which can be expressed as 
. 
 and 
 are sets of mutually exclusive and exhaustive propositions. 
 and 
 are represented as discernment framework 1 and discernment framework 2, respectively. The transformation of the input information is shown in 
Figure 2. The specific transformation process from discernment framework 1 to discernment framework 2 is as follows:
Firstly, the correspondence between the 
th referential grade 
 of the 
th emotion indicator and the emotional state grade 
 can be described by the “IF-THEN” rule as follows:
        where 
 denotes the 
th rule for the 
th emotion indicator. 
 denotes the belief degree corresponding to the consequent 
 when the referential grade of the emotion indicator 
 is 
.
Then, the mapping relationship between discernment framework 1 and discernment framework 2 can be determined by 
 rules, which can be represented by the following matrix:
        where 
 denotes the number of results for discernment frame 1 and 
 denotes the number of results for discernment frame 2.
Based on the rule/utility information transform technology [
28], the input information is transformed into the confidence distribution form under discernment framework 1, as shown below:
        where 
 represents the 
th input indicator. 
 represents the 
th referential grade of the 
th indicator in discernment framework 1. 
 denotes the belief degree assigned to any individual reference grade in the discernment framework 1, 
. If the quantitative input information is 
, then 
 can be calculated as follows:
        where 
 and 
 represent the maximum and minimum referential values, respectively.
Finally, based on the transformation matrix 
, the belief distribution of the input indicator 
 can be mapped from discernment framework 1 to discernment framework 2 as follows:
        where 
 denotes the belief degree assigned to the 
th result grade. 
 denotes global ignorance. 
 and 
 can be calculated as follows:
        where 
 is the new belief degree after transformation, 
 is the belief degree under discernment framework 1, and 
 denotes the transform matrix for the 
th indicator.
  3.2. Reasoning Process of the E-BRB Model
Too many input attributes of the BRB model will lead to the problem of combinatorial explosion. The ER algorithm can analyze a large amount of uncertain information, which reduces the complexity of the emotional assessment indicators and obtains credible fusion results. Multiple emotional indicators are fused and input into BRB, which can effectively solve the combinatorial explosion problem.
Let us assume that input information 
 to the ER algorithm is quantitative information. The rule/utility-based transformation technique can equivalently transform the input information into the belief distribution shown in Equation (8). As described in 
Section 3.1, when the input reference grade does not match the result grade, the input information is transformed to the belief distribution under discernment framework 2 by the transform matrix 
, as shown in Equation (10).
The evidence weight 
 is determined based on expert knowledge, which meets 
. The fusion process using the ER algorithm can be described as follows:
        where 
 denotes the belief degree of the 
th result grade 
 after fusing the input indicators. 
. Let us suppose that the utility of the assessment grade 
 is 
, and the expected utility is calculated as follows:
        where 
 represents the fusion result of the ER algorithm.
Fusion through the ER algorithm can reduce the complexity of input emotional indicators 
 and then use the fusion results as the input of the BRB model. After obtaining the fusion result 
, the matching degree to the 
th rule can be described by the following formula:
        where 
 is the matching degree of the input information to the 
th attribute in the 
th rule. 
 denotes the input data for the 
th antecedent attribute, which is the fusion result of the ER algorithm. 
 and 
 represent the referential values of the 
th attribute in the two adjacent activation rules, the 
th rule and the 
th rule, respectively.
Then, the total matching degree, including matching degree 
 and attribute weight 
, can be calculated by
        
        where 
 denotes the weight of the 
th attribute after normalization. 
 is the number of attributes. 
 is the total matching degree of the 
th rule.
After obtaining the total matching degree, the activation weight of the 
th rule is calculated. The calculation process is described by Equation (19):
        where 
 denotes the weight of the 
th rule. 
 represents the activation weight of the 
th rule.
When some rules are activated, the belief degree of 
 to different emotional grades can be calculated by the ER algorithm. The calculation process of the algorithm is shown in Equations (20) and (21):
        where 
 denotes the belief degree of the 
th emotional grade 
, which satisfies 
 and 
.
The final belief degree generated after merging rules can be expressed as follows:
        where 
 denotes the input of the 
th attribute. 
 represents the nonlinear function modeled by E-BRB. The final output results are calculated according to the utility formula. 
 denotes the utility of 
. The expected utility of 
 is described as
        
        where 
 denotes the final results of the E-BRB model.
  3.3. Optimization of the E-BRB Model
The parameters of the initial E-BRB model are determined by expert knowledge and may not be accurate due to the limitation of ambiguous knowledge representation. For more accurate parameters and results, we introduce an optimization model in this subsection to improve the accuracy of the model.
In the E-BRB model, the evidence weights, transformation matrix, attribute weights, rule weights, and belief degrees are the parameters that need to be optimized and should satisfy the following constraints.
- The evidence weights. The initial evidence weight  -  is determined by the expert and is subject to the constraints shown below: 
- The transform matrix. The initial value of the transformation matrix  -  of the  - th indicator is given by the expert and must satisfy the following constraints: 
- The attribute weights. Attribute weights can reflect the relative importance of attributes. The initial attribute weight  -  is determined by experts, and the constraint conditions are as follows: 
- The rule weights. For the  - th rule, its initial weight  -  is determined by experts and is subject to the constraints shown below: 
- The belief degrees. In the  - th rule, the belief degree  -  corresponding to the result level  -  should satisfy the following constraint: 
The sum of the belief degree in the results should satisfy the following formula. The equality sign holds if the 
th rule is complete.
        
Then, we utilize the mean square error (
MSE) to measure the pros and cons of the E-BRB model, and its calculation equation can be expressed as:
        where 
 is the number of model input data. 
 represents the output value of the model. 
 denotes the actual output value.
Finally, the optimization objective function and constraints are as follows:
Formula (32) shows that the parameter optimization of the E-BRB model is a single objective multi-constraint optimization problem. In E-BRB, the constrained problem is a strongly constrained problem. Under the constraint condition, the feasible region of the solution is much smaller than the solution space. Given the superiority of P-CMA-ES in addressing high-dimensional non-linear optimization problems [
29], it is utilized as the optimization algorithm in this paper. The P-CMA-ES algorithm is developed from the CMA-ES algorithm [
30,
31]. The original algorithm finds the optimal solution by simulating biological evolution. The P-CMA-ES algorithm adds a projection operation after the selection operation of the original algorithm to map the solutions that do not meet the constraints back to the feasible region [
32]. The optimization process of the P-CMA-ES algorithm is shown in 
Figure 3.
As shown in 
Figure 3, The P-CMA-ES optimization process can be divided into six steps. The specific details are described as follows:
Step 1: Give the initial parameters .  denotes the initial parameter vector to be optimized in the EBRB model. . Determine the initial parameters of the P-CMA-ES algorithm, including population size , and offspring population size .
Step 2: The sampling operation is performed, and the initial population is generated based on the normal distribution with the initial solution as the expected value. The specific process can be described as follows:
        where the 
th solution in the 
 generation is represented as 
. 
 represents the mean of the offspring population in the 
th deneration. 
 represents the evolutionary steps. 
 represents the normal distribution. The covariance matrix of the 
th generation population is represented as 
.
Step 3: The projection operation is executed on the solution that does not satisfy the constraint. The solution is projected into a hyperplane, which is the feasible region of the equality constraint. According to formula (32), there are 
 equality constraints in the E-BRB model, and each equality constraint contains 
 variables. The hyperplane can be denoted as 
. 
 and 
 represent the number of variables that are constrained by the equation constraint and the number of equality constraints in solution 
, respectively. 
 represents the parameter vector of the equation. The projection operation can be described as follows:
The solution processed by the projection operation may exceed the boundary constraint of the solution space. To solve this problem, the extra values of the equality constraint variables should be equally assigned to other variables.
Step 4: Perform selection and recombination operations. Select 
 optimal solution according to the fitness function. Update the mean by Equation (35):
        where 
 denotes the weight coefficient of the 
th solution.
Step 5: Perform adaptive operations to update the covariance matrix to obtain the range and direction of the population search. The calculation process is shown in the following Equations:
        where 
 and 
 represent the learning rate. 
 denotes the backward time horizon. 
 represents the evolution path of the covariance matrix in the 
th generation. 
 is the damping coefficient. 
 is the expectation of the normal distribution 
. 
 represents the conjugate evolution step in the 
th generation.
Step 6: Repeat steps 2 to 5 until the best solution  is found. 
  3.4. Modeling Method of Learning Emotion Assessment Based on E-BRB
The modeling method of learning emotion assessment based on E-BRB is introduced in this subsection. Based on the above analysis, the implementation of the model mainly includes three parts: model construction, parameter training, and model testing. The details are summarized as follows.
First, the initial E-BRB model is constructed based on the sample data and the initial parameters given by experts.
The second is the training part. Considering the influence of the limited expert knowledge on the model’s accuracy, the parameters given in 
Section 3.3 are trained by the optimization model in this part. The training data are used as input to the E-BRB model, and the optimized E-BRB model is obtained after this part. 
Finally, there is the testing part. After the training part, we obtain the optimal parameters of the model, including the transformation matrix , evidence weights , attribute weights , rule weights , and belief degrees . The estimated output is obtained by the E-BRB model using the testing data as input.
Based on the above discussion, the implementation of the E-BRB model is shown in 
Figure 4, which can be summarized as follows:
Step 1: Collect and divide data into training data and testing data. The division method can be the random split or other methods.
Step 2: Build an initial E-BRB model based on expert knowledge. 
Step 3: After obtaining the training data and the initial values  of the E-BRB model, the E-BRB model can be trained in the training part. The P-CMA-ES algorithm is used to obtain the optimized model according to the optimization objectives. The optimization steps are performed recursively until the optimal solution  is obtained.
Step 4: The testing data are tested on the optimized E-BRB model to obtain the final output of the model. The accuracy of the model is represented by the MSE value.
Step 4.1: The transformed belief distribution is obtained by using Equations (11) and (12) and fused by Equations (13)–(15).
Step 4.2: The matching degree and the activation weight are obtained according to Equations (16)–(19).
Step 4.3: The ER algorithm is utilized to aggregate the activated belief rules. Calculate the final output of the E-BRB model using Equation (23).
Step 4.4: The MSE value is calculated by Equation (31), which reflects the modeling accuracy of the E-BRB model.
  4. Case Study
The scientific learning emotions of learners may have a negative impact on their scientific learning performance. It is necessary to evaluate learners’ scientific learning emotions to explain the mechanism of learning emotions. A case of student scientific emotion assessment is presented in this section to verify the effectiveness of the proposed model. This section is divided into the following four parts. In 
Section 4.1, the basic definition of the experiment in this case study is introduced. In 
Section 4.2, a scientific emotion assessment model is constructed. In 
Section 4.3, the training and testing of the model are presented. In 
Section 4.4, comparative experiments are conducted. The experimental analysis is discussed in 
Section 4.5.
  4.1. The Basic Definition of the Experiment
Data for this case study come from the context questionnaire scale of the Iranian region that participated in the eighth grade of TIMSS2019 [
33]. The TIMSS2019 dataset collects and summarizes data in the Likert scale format, with a total of 17 indicators. The number and content of items are listed in 
Table 1 and 
Table 2. The Likert scale requires respondents to indicate their degree of agreement with a declarative statement. However, the Likert data are somewhat ambiguous in terms of data quality and potential variable assessment. For example, such data may collect incomplete information when a particular problem does not apply to respondents. In this experiment, 400 sets of samples are selected, of which 280 sets of samples are used for training parameters, and 120 sets of samples are used for model testing.
  4.2. Construction of the E-BRB Model
Two key properties were identified through the analysis of the dataset. They are the degree of self-confidence and the degree of identification, respectively. Scientific self-confidence reflects the degree to which individuals think they are capable of scientific disciplines, and the degree of identification reflects the degree to which individuals attach importance to scientific disciplines. The indicators in the dataset are divided into the degree of confidence () and the degree of identification (), which are – and – in the dataset, respectively. The data in the dataset are summarized and collected in a four-point scale format, where 1 = strongly agree, 2 = somewhat agree, 3 = somewhat disagree, and 4 = strongly disagree. According to the actual situation, the result grade of  can be divided into F1 = {F1, F2, F3, F4, F5} = {unconfident (U), less confident (LC), a little confident (LC), quite confident (QC), very confident (VC)}. The result grade of  can be divided into F2 = {F1, F2, F3, F4} = {unimportant (U), less important (LI), slightly important (SI), very important (VI)}. However, according to the statements in the scale items, the reference grades for the input indicators  can be divided into H1 = {H1, H2, H3, H4} = {very anxious (VA), slightly anxious (SA), less anxious (LA), not anxious (NA)}. The reference grades for the input indicators  can be divided into H2 = {H1, H2, H3, H4, H5} = {weak (W), little weak (LW), middle (M), little strong (LS), strong (S)}.
After determining the antecedents and outcome parameters of the rules, the transformation matrix can be established in 
Table 3 and 
Table 4 through Formula (6). The sum of the belief degree of the results in the transformation matrix is 1.
On the basis of 
Table 3 and 
Table 4, the transformation matrixes 
A1 and 
A2 can be described as follows:
According to Equations (8)–(12), the input information can be transformed into a belief distribution. For instance, let us suppose the value of the indicator  is 2, and the belief distribution of formula (10) can be expressed as .
After obtaining the belief distribution, the ER algorithm is used for evidence fusion. Since the data used in the experiment are Likert scale data, the same initial weight is given to all indicators, namely, 
. 
 denotes the result of the 
 attribute after ER algorithm fusion and 
 denotes the result of the 
 attribute after ER algorithm fusion. The referential points and referential values for 
 and 
 are given in 
Table 5 and 
Table 6 in combination with the results obtained. In this paper, we use five points for 
: very small (VS), small (S), middle (M), large (L), and very large (VL). Similarly, we use four points for 
: very small (VS), small (S), middle (M), and large (L). For the consequent attribute, emotion state, four referential points are used: strong negative (SN), weak negative (WN), weak positive (WP), and strong positive (SP), as shown in 
Table 7. 
 has five reference points and 
 has four reference points. According to the Cartesian product, there are 20 rules in the model. The initial parameters of the model are determined by experts, which are given in 
Table 8.
  4.3. Training and Testing for the E-BRB Model
After the construction of the model, to reduce the uncertainty caused by expert knowledge, the parameters need to be optimized. In this section, the E-BRB model is trained based on the acquired data. A total of 159 parameters are trained in the model training part, including the transformation matrix, evidence weights, attribute weights, rule weights, and rule output belief degrees. There are 400 groups of experimental data in this paper, which belong to small-scale datasets. Based on the common proportion of small-scale datasets, 400 groups of data are randomly divided according to the ratio of the training set to the testing set 7:3, of which 280 groups are used for training data, and the remaining 120 groups are used as testing data. The number of iterations in the P-CMA-ES algorithm is 25 and 400, respectively.
The optimization weights of attribute one and attribute two are 0.7178 and 0.8148, respectively. The optimized weights of the evidence and the E-BRB model are presented in 
Table 9, 
Table 10 and 
Table 11. The optimized transformation matrixes are as follows:
To evaluate the performance of the model, mean square error (MSE), root mean square error (RMSE), and mean absolute error (MAE) are introduced to measure the performance of the model. These three metrics are the most commonly utilized performance evaluation criteria and have been used in this study. The formulas are as follows, where  is the number of model input data,  represents the output value of the model, and  represents the true value.
The calculation equation of MSE is shown in Equation (31). MSE is a more convenient way to measure the mean error. The smaller the MSE value, the better the accuracy of the model.
The RMSE value represents the standard deviation of the residual between the measured true value and the predicted value, which is the square root of the MSE value. It is more sensitive to outliers in data than MAE.
The MAE value is the mean of the absolute error between the true value and the predicted value. In contrast, it is less sensitive to extreme values and has better robustness to outliers.
The comparison between the testing results of the learning emotion assessment model and the actual results is shown in 
Figure 5, where the true value is the learner’s true emotional state score, and the predicted value is the output of the E-BRB model. The 
MSE value of the model output is 0.7963, the 
RMSE value is 0.8923, and the 
MAE value is 0.6729. As shown in 
Figure 5, the emotional state score estimated by the optimized E-BRB model fits well with the actual score. The E-BRB model optimized based on P-CMA-ES can accurately predict the emotional states of learners.
  4.4. Comparative Study
To demonstrate the effectiveness of the E-BRB model, we compare the proposed model with the backpropagation neural network (BPNN), K-nearest neighbor (KNN), SVM, extreme learning machine (ELM), random forest (RF), and decision tree (DT) models in this subsection. The number of training and testing is the same. BPNN and ELM are methods based on quantitative information. KNN uses proximity to classify or predict the grouping of individual data points. SVM attempts to find a hyperplane to segment samples. For RF, it is presumed that there are multiple trees, and each number represents an output. DT is a tree structure that can be a binary or non-binary tree. In the current study, the above methods are commonly used assessment methods. The model experiment is implemented in Python and Matlab. The output results of the comparison model are shown in 
Figure 6, 
Figure 7, 
Figure 8, 
Figure 9, 
Figure 10 and 
Figure 11. The 
MSE values of the six models are 0.8742, 0.959, 0.834, 0.9612, 0.882, and 1.007, respectively.
To demonstrate the robustness of the E-BRB model, we repeated the experiment 20 times with the same training and testing parts. The hyperparameters of the comparison model are given in 
Table 12. The average results for all methods are shown in 
Table 13. 
Figure 12, 
Figure 13 and 
Figure 14 are the 
MSE values, 
RMSE values, and 
MAE values of repeated model experiments, respectively. The average 
MSE, 
RMSE, and 
MAE values of E-BEB are 0.8043, 0.8967, and 0.6801, respectively. It can be seen that the E-BRB model is more effective and robust than the other models in learning emotion assessment.
  4.5. Discussion
According to 
Figure 10, 
Figure 11 and 
Figure 12, the indicators of the trained E-BRB model are higher than those of several other models. Compared with other models, the 
MSE of E-BRBB improved by 11.49%, 20.69%, 10.76%, 24.54%, 10.64%, and 24.84%, respectively. Furthermore, the 
RMSE improved by 5.89%, 10.86%, 5.52%, 13.11%, 5.45%, and 13.28%, respectively. SVM and RF are pretty competitive with E-BRB in terms of 
MAE value. The average 
MAE of E-BRB is 0.6801. The 
MAE of SVM and RF are 0.699 and 0.6971, respectively. 
BPNN, SVM, and RF are the three most commonly used tools in learning emotion assessment, which are data-driven models. There are strengths to data-driven approaches in model derivation because they do not need to know the specific relationship between input and specific output results in advance. Nevertheless, the performance of the model varies considerably across different training rounds, even if the same dataset is used. This is explained by the fact that the performance of models that rely too much on data is determined by the training set. From the experimental results, BPNN, SVM, and RF have performed well. However, they cannot provide good interpretability. Due to the fact that they are black-box methods, the derivation process cannot be known with certainty. In contrast, the E-BRB model considers both expert knowledge and historical data. E-BRB utilizes expert knowledge to construct the initial model and employs historical data and optimization techniques to improve the accuracy of the model. The method allows for a greater expression of the relationship between input and specific output results. E-BRB presents both the initial and optimization models with clear reasoning and optimization processes and greater transparency. Although DT has certain interpretability, its performance is not as good as E-BRB.
Through the analysis of the above experimental results, the following conclusions can be drawn:
- The parameters of the E-BRB model can be trained and optimized by the optimization algorithm, and the accuracy of the optimized model is better than other methods. From the average results of 20 repeated experiments, it can be seen that the E-BRB model has good robustness and better accuracy. 
- The reasoning process based on the E-BRB model is traceable and can clearly explain the causal relationship between emotional indicators and emotional states. Therefore, the learning emotion assessment method based on E-BRB has better interpretability and credibility than other data-driven methods.