Skip to main content

ORIGINAL RESEARCH article

Front. Artif. Intell., 03 June 2022
Sec. AI for Human Learning and Behavior Change
This article is part of the Research Topic Artificial Intelligence Techniques for Personalized Educational Software View all 7 articles

Infusing Expert Knowledge Into a Deep Neural Network Using Attention Mechanism for Personalized Learning Environments

  • Artificial Intelligence Research Center, Department of Computer Science, Université du Québec à Montréal, Montreal, QC, Canada

Machine learning models are biased toward data seen during the training steps. The models will tend to give good results in classes where there are many examples and poor results in those with few examples. This problem generally occurs when the classes to predict are imbalanced and this is frequent in educational data where for example, there are skills that are very difficult or very easy to master. There will be less data on students that correctly answered questions related to difficult skills and who incorrectly answered those related to skills easy to master. In this paper, we tackled this problem by proposing a hybrid architecture combining Deep Neural Network architectures— especially Long Short-Term Memory (LSTM) and Convolutional Neural Networks (CNN)—with expert knowledge for user modeling. The proposed solution uses attention mechanism to infuse expert knowledge into the Deep Neural Network. It has been tested in two contexts: knowledge tracing in an intelligent tutoring system (ITS) called Logic-Muse and prediction of socio-moral reasoning in a serious game called MorALERT. The proposed solution is compared to state-of-the-art machine learning solutions and experiments show that the resulting model can accurately predict the current student's knowledge state (in Logic-Muse) and thus enable an accurate personalization of the learning process. Other experiments show that the model can also be used to predict the level of socio-moral reasoning skills (in MorALERT). Our findings suggest the need for hybrid neural networks that integrate prior expert knowledge (especially when it is necessary to compensate for the strong dependency—of deep learning methods—on data size or the possible unbalanced datasets). Many domains can benefit from such an approach to building models that allow generalization even when there are small training data.

1. Introduction

Personalization (or adaptation) is a fundamental function when building adaptive learning systems. One of its advantages is to address a diverse audience (Birk et al., 2015). Adaptation has been widely considered in the field of AIED (Artificial Intelligence In Education) where one of the goals is to make intelligent tutoring systems (ITS) more effective. The adaptation of content and interactions based on a dynamic model of the learner remains one of the main issues addressed in this field (Woolf, 2010). Learning performance can be enhanced immensely by identifying the characteristics of students and adapting contents and presentation to better suit their needs (Tseng et al., 2008). Many techniques have been proposed to identify learners' characteristics during interactions with systems. Those techniques include Bayesian Knowledge Tracing (BKT), Deep Knowledge Tracing (DKT), or simply the use of neural networks for user modeling. The user (learner/student) model is an abstract description of the user in an environment (Bakkes et al., 2012). User modeling plays an important role in adaptive systems such as ITSs, serious games, MOOCs (Massive Open Online Courses), and even the applications and tools that surround us in our daily lives, such as social networks and cell phones. It is important to develop a solution that is able to model the user accurately from certain observations and thus be able to predict her/his needs, her/his behavior, etc. User modeling can include Knowledge Tracing which is considered the most popular approach for modeling learners. It aims at modeling how students' knowledge evolves during learning (Corbett and Anderson, 1994). The student's knowledge is modeled as a latent variable and is updated based on her/his performances on given tasks. It can be formalized as follows: given interactions x1, …, xt of a learner on a particular learning task, how will she/he behave at t + 1? The goal being to estimate the probability p(xt+1|x1, …, xt).

Deep learning is an approach that has been successfully applied in many domains including images recognition (He et al., 2016), Natural Language Processing (Collobert and Weston, 2008) and more recently in education for knowledge tracing. Among the different deep learning architectures that exist, the one that fits well for knowledge tracing is the LSTM (Long Short Term Memory) as it can capture the sequential aspect of data useful for prediction. Hence, DKT (Piech et al., 2015) uses a LSTM to predict student performance based on the pattern of their responses sequentially over time. DKT traces knowledge at both the skill and the problem (item) levels and observes the correctness of each answer. At any time step, the input layer of the DKT is the student's performance on a single problem related to the skill that she or he is currently working on. In other words, the skill associated with and the correctness of the learner's performance on each item are used to predict how well she/he will perform on the next item (Zhang et al., 2017b). Rather than constructing a separate model for each skill as BKT does, DKT models all skills jointly (Piech et al., 2015; Khajah et al., 2016). It has been shown that DKT can robustly predict whether or not a student will solve a particular problem correctly given the accuracy of historic solutions (Wang et al., 2017; Zhang et al., 2017b).

However, they are biased toward the data they have seen before (it is a data-driven approach). Therefore, the generalization capability of a deep learning model depends on the training data. For problems (or skills) that are difficult to master which means the rare occurrence of correct answers, the model will be unable to accurately predict the student's knowledge. In the same vein, for skills that are easy to master which means the rare occurrence of incorrect answers, the model will also fail to accurately predict the student's knowledge. This problem is known in deep learning as the class imbalance problem (Huang et al., 2016) where there are fewer occurrences of data for a certain class (e.g., correct answers on skill difficult to master), which results in sub-optimal performance. A wrong user modeling can significantly affect the personalization process. In this paper, we propose to leverage this problem by enhancing deep learning models with expert knowledge added using the attention mechanism (Xu et al., 2015).

The main contribution of this work is to show how an original hybrid deep neural architecture infused with a priori expert knowledge through attention mechanism improves its generalization ability. The resulting architecture has proven its effectiveness for learner modeling and personalization in two educational software.

2. Related Work

2.1. Machine Learning and Deep Learning/AI Approaches for User Modeling

The use of machine learning and deep learning algorithms for user modeling purposes has attracted much attention in the past. In general, the growth in the volume of available data and the improvement of machine learning approaches are behind the recent boom of research in this domain. In data-driven approaches, researchers use machine learning and deep learning techniques to develop models to predict users' intentions and behaviors and extract user classes or behavioral groups from the interaction data collected in the system. Each user is thus assigned one or more classes of reactions and behaviors based on her/his actions. The most used algorithms in this context are generally K-means (Zakrzewska, 2008; Drachen et al., 2016; Troussas et al., 2020), deep neural networks (Demuth et al., 2014; Piech et al., 2015; Zhang et al., 2017a; Domladovac, 2021; Moon et al., 2021), naive Bayesian networks (Stern et al., 1999; Pardos and Heffernan, 2010), and SVMs (Support Vector Machine) (Hearst et al., 1998; Muyuan et al., 2004).

Missura and Gärtner (2009) developed a model to dynamically adapt the difficulty of a game based on the clusters extracted from the game data. They used the K-means algorithm to create clusters of users, each cluster representing a certain type of player. The adaptation model implemented here was implicit and controlling: each cluster corresponds to a certain level of difficulty. They used the SVM algorithm and a regression model in a prediction model to predict users' behavior, including actions taken, decisions made, and the cluster they might belong to. Once this cluster was determined, the difficulty was modified accordingly during the game. Ha et al. (2011) proposed a model of the player representing the goals he is trying to reach. To do so, they developed a framework based on the use of the Logical Markov Random Field (an undirected probabilistic graphical model with structures determined by first-order logic formulas) for goal recognition. Goal recognition is the task of inferring users' intended goals from observed sequences of actions. It was used in Crystal island (Rowe et al., 2009), a game-based learning environment where learners' goals are inferred through their responses to questions that the system asked narratively. Yannakakis and Hallam (2009) proposed a real-time adaptation model whose objective was to optimize user satisfaction. An artificial neural network and a parameter selection algorithm were applied to data from a survey (responses to questionnaires administered before and during the use of the system) and from the activity log (score, average response time, etc.), to generate a prediction model of user satisfaction. Drachen et al. (2012) proposed a grouping of different observable behaviors in the system. The goal was to obtain classes of behaviors to model the users. They use data mining algorithms including K-Averages and Simplex Volume Maximization (SIVM). Similarly, Gow et al. (2012) proposed a user model built from a semi-automatic and unsupervised learning approach combined with multi-class Linear Discriminant Analysis (LDA) (McLachlan, 2004) applied to the logs. Dass et al. (2021) have used the random Forest model to predict the dropout of students from a MOOC course given a set of features engineered from student daily learning progress.

The emergence of big data and machine learning techniques have opened up several possibilities for more accurate modeling of users especially in Educational Data Mining (EDM) domain. Bayesian and deep learning techniques are well-suited to the situation. They have allowed notable results in the field of behavioral modeling, particularly in knowledge tracing. Some authors have used Bayesian networks for modeling the knowledge acquisition process (Tato et al., 2017a; Kantharaju et al., 2018; Zhang and Yao, 2018). Several other authors have recently focused on knowledge tracing using deep learning architectures including recurrent neural networks (RNNs) and long and short-term memories (LSTMs) (Piech et al., 2015; Wang et al., 2017; Zhang et al., 2017b; Montero et al., 2018; Song et al., 2021; Xing et al., 2021) and other have focused on user modeling using the same techniques with some improvements (Yu et al., 2019; Nur, 2021; Yuan et al., 2021). It is worth noting that the use of Bayesian networks can be seen as a hybrid approach since the networks can be designed manually by domain experts (Conati et al., 1997; Horvitz et al., 1998; Rowe and Lester, 2010) or designed (architecture and probability tables) automatically from the data using machine learning approaches (Friedman et al., 1999; Tsamardinos et al., 2006).

Although data-driven methods hold great promise for automatically extracting relevant features, they can also extract meaningless information (Demuth et al., 2014). For example, these methods can extract irrelevant relationships such as a relationship between age and character choice in a game, since both pieces of information will tend to be repeated if multiple players of the same age often choose the same character. Classification, prediction, and clustering of behaviors in today's adaptive systems are becoming increasingly challenging due to the volume, high dimensionality, and multi-modality of data (Drachen et al., 2016). Also, the fundamental techniques used for learning in neural networks are not necessarily adapted for user modeling in EDM and do not take into account a priori and a posteriori knowledge. Therefore, it is necessary to rely on hybrid techniques able to take the best of both data-driven and theory-driven approaches.

2.2. Hybrid Neural Networks

Approaches using neural networks are called data-driven techniques since the training and the extracted model depend only on the training data. Their performance is highly dependent on the quantity and quality of the data. In general, the use of fully data-driven approaches requires the acquisition of a huge amount of data, which is not always practical or realistic for economic reasons or because of the complexity of the process involved. There are several domains where there is few training data but where a priori and/or a posteriori knowledge are available. This is particularly the case in the fields of education and the humanities. How can a purely data-driven but efficient architecture benefit from this knowledge often acquired over years of research? Such solutions combining data-driven and theory-driven approaches are considered hybrid. Other works have focused on hybrid neural networks but in terms of the combination of multiple neural architectures (Chen and Zhang, 2021; Sharma et al., 2021; Yan et al., 2021).

Towell and Shavlik (1994) defined hybrid learning techniques as “methods that use theoretical knowledge of a domain and a set of examples to develop a method for accurately classifying unseen examples during training.” A hybrid learning approach should learn more efficiently compared to approaches that use only one of the two main sources of information (data and theory). There is very little research on the combination of a priori/a posteriori knowledge and deep learning architectures. Towell et al. (which to our knowledge is one of the first research work to be interested in this question) have proposed a hybrid system called KBANN (Knowledge-Based Artificial Neural Networks). They map expert knowledge, represented in propositional logic, into neural networks and then refine this reformulated knowledge using back-propagation. Coro et al. (2013) combined neural networks with simulated expert knowledge. The simulated expert was used to generate some examples, which were then added to the training set of their neural network model. Zappone et al. (2018) recently did the same by combining expert knowledge and artificial neural networks (ANNs) to optimize wireless communication networks. They first obtained a training set from the expert knowledge and then trained the ANN on this generated training set. Finally, the pre-trained architecture was refined through a new training phase based on real measured data.

In educational domain, a priori and a posteriori knowledge are usually available and are used to build adaptive learning systems such as ITS (Intelligent Tutoring Systems). In other domains, knowledge may be available through books or already-built models, such as rule-based models. We believe that this knowledge, sometimes acquired during decades of intense research, cannot simply be ignored. Thus, we propose an approach that uses the attention mechanism (Xu et al., 2015) and capitalizes on the availability of these a priori and a posteriori data to reduce the amount of empirical data needed as well as the complexity of deep learning architectures. To the best of our knowledge, no research proposes to combine a priori and a posteriori knowledge with neural architectures using the attention mechanism. Moreover, no research in the educational domain, especially in user modeling, has addressed this issue despite the availability of knowledge. We show that the combination of knowledge-based and data-based methods using the attention mechanism is an appropriate solution for the design of hybrid deep neural networks with better generalization capability.

2.2.1. A Priori and a Posteriori Knowledge

Sometimes a priori and a posteriori knowledge may be available, but it is not always sufficiently precise or is in a form that is not always easy to exploit. Nevertheless, even imprecise models can provide useful information that should not be discarded (Zappone et al., 2018).

In philosophy, a priori knowledge is defined as knowledge not gained through experience in contrast to a posteriori knowledge (Greenberg, 2010). In a priori and a posteriori knowledge, we include knowledge from experts. Expert knowledge represents the skills demonstrated by experts in a particular domain. In the educational domain, both a priori and a posteriori knowledge are generally available. For example, in Tato et al. (2017a), expert knowledge was used via a Bayesian network, designed entirely by domain experts to predict learners' logical reasoning skills. This knowledge is available in most cases in the form of written material such as books, experimental results, etc.

Our goal is to combine a priori and a posteriori knowledge with data-only techniques. We assume that the quality of the expert knowledge must be good in order for the proposed solution to be effective. We will have to make this knowledge interpretable and usable by a machine. A well-known approach is to build a rule-based system (Fisher et al., 1990; Cordón et al., 2001). For example, Van Melle (1978) used knowledge from experts to develop the MYCIN expert system. However, it can be difficult and tedious to operationalize expertise into rules. This is a task that typically requires the intervention of cognitive engineers. Also, these expertises are mostly buried in a written representation. What we propose is to use pre-designed models (e.g., rule-based systems, Bayesian networks, etc.) as is when available, or to use standard natural language processing and information retrieval techniques for knowledge extraction from text.

2.2.2. Attention Mechanism

The attention mechanism allows a neural network to focus in part on a subset of information. Attention-based recurrent networks have been successfully applied to a wide variety of tasks: machine translation (Bahdanau et al., 2014; Liu and Chen, 2022), handwriting synthesis (Graves, 2013; Bhunia et al., 2021), speech recognition (Chorowski et al., 2015). Attention is a weight vector that allows neural networks to “intelligently” select the information contained in the input that is deemed important for decision making. The attention mechanism looks like a basic auto-encoder (see Figure 11).

FIGURE 1
www.frontiersin.org

Figure 1. Attention mechanism. Example of translation from English (I am a student) to French (je suis un étudiant).

The principle is to connect a context vector between the encoder (in blue) and the decoder (in red). The context vector takes as input the outputs of all input cells to compute the probability distribution of the source elements for each output that the decoder wants to generate. This mechanism is similar to human attention, whose goal is to focus on a portion of current information that is deemed important for future decision-making. The context vector is constructed as follows: for a fixed target element (which represents a word in the Figure 1), a first loop is made on all the outputs of the hidden layers (states) of the encoders to compare the target and source states to generate scores for each state in the encoders. Then, the function softmax is used to normalize all the scores, which generates the probability distribution conditioned on the target states. Finally, weights are introduced to facilitate the learning of the context vector. Mathematically, here is how the attention vector is computed:

αt,s=exp(score(ht,h¯s))s=1Sexp(score(ht,hs¯))ct=sαt,s·h¯sat=tanh(Wc[ct;ht])    (1)

The variable ht represents the output of the decoder at time t, ct is the context vector and at is the attention vector. Here, the score is denoted as a content-based function. It evaluates how well each encoded input (overlinehs) matches the current output ht of the decoder. The scores are normalized using the function softmaxt,s). This score can be computed in different ways, among others by using the product: score(ht,h¯s)=ht·h¯s (Luong et al., 2015). Finally, the variable ct is the context vector.

3. Methodology

The internal architecture of neural networks makes it difficult to incorporate domain knowledge into the learning process (Lu et al., 1996). Our solution consists in forcing the model to pay attention to what the a priori and a posteriori knowledge think of the current input x. It thus aims to infuse the expert's final prediction into the system, rather than how this knowledge is processed by the expert. Since the attention mechanism (Xu et al., 2015) is a memory access mechanism as presented above, it is a perfect fit in this context where we want the model to have access to existing knowledge during learning. In other words, the neural network will “consult” this knowledge before making the final decision. The importance that the neural model will give to what this knowledge predicts as output is computed using attention weights (Wa and Wc, see Figure 2). As the network learns, it will know how much importance it will give to each of the predictions coming from the knowledge based on the trials/errors it will have committed. Wa corresponds to the weights calculating the importance of each feature learned by the neural architecture (yt) compared to each feature extracted from the knowledge. Wc represents the weights measuring the importance of the predictions made from the knowledge (via the context vector) and the learned features (yt) for the estimation of the final prediction vector (see Figure 2). Thus, the model will focus on what the expert says, including a priori and a posteriori knowledge, before making a decision. By merging the expert knowledge with the neural architecture using the attention mechanism, the model iteratively processes the knowledge by selecting the relevant content at each step. In the attentional mechanism presented by Luong et al. (2015), specifically the global attentional model, the attentional vector is calculated from the target hidden state ht and the input hidden state. Instead of the input hidden state h¯s as presented above, we will have the data from the expert knowledge that will be used to compute the context vector Ct which we will call the expert-side context vector (see Figure 2 in Luong et al., 2015). Thus, given the hidden state yt which is the final prediction of the neural model, and the expert-side context vector cte, we use a concatenation layer to combine the information from the two vectors to produce the attentional hidden state at as follows:

at=tanh(Wc[cte;yt])    (2)
FIGURE 2
www.frontiersin.org

Figure 2. Global attentional hybrid model.

The attentional vector at together with the prediction made from the knowledge e and the hidden state yt (the prediction) of the neural model are then sent to a dense layer to produce the expected result yt. The expert-side context vector is computed as follows:

score(ek,yt)=ek·yt·Wa+bαt,k=exp(score(ek,yt))j=1sexp(score(ej,yt))cte=kαt,k·e    (3)

Where 1 ≤ ks, e is the prediction made from the a priori and a posteriori knowledge, yt is the current prediction made by the neural architecture and s is the size of the predicted vector (the number of classes to predict). The variable e represents a vector of length equal to the size of the vector to be predicted where each entry represents the probability that the entry belongs to each of the classes according to the expert's knowledge. The variable ek represents of size 1 and Wa,Wc,Ws,Ws,yt,e, at are of size s. The score as mentioned above is a content-based vector that computes the correlation (alignment score) between the expert knowledge and the latent features learned by the neural architecture. This parameter defines how expert knowledge and latent features learned from the data are aligned. The model assigns a score αt,k to the pair of features at position t and the expert knowledge (ek, yt), based on their correspondence. The set of αt,k are weights defining how much each feature of the data from the expert should be considered for each output (final prediction). Figure 2 shows in detail this global process.

Figure 2 presents the attention mechanism applied to a priori knowledge. The operating principle is simple and intuitive:

• In the first step, the input data x is processed by the expert, i.e., the membership of x to one of the classes to be predicted is evaluated from the a priori and a posteriori knowledge. The same data x is also processed by the neural architecture in parallel. In the Figure 2, we have taken the example of an LSTM but it can be replaced by a CNN or a simple DNN.

• What we call “A priori knowledge” in the Figure 2 can be replaced by any process simulating the expert's functioning or any process simulating a priori and a posteriori knowledge. It can be a rule-based engine or a Bayesian network for example. The output of the a priori knowledge is a vector representing a probability distribution where each of the inputs is the probability that the data x belongs to each of the classes to predict. For example, if we want to predict that an image is either a cat or a dog, then the knowledge output is a vector of size two whose first value represents the probability that the image belongs to the cat class and the second is the probability that the image belongs to the dog class. In our proposed architecture, we have assumed that the size of the expert's output vector is equal to the output vector of the final prediction. However, it can be of different sizes.

• We have considered only the output of the last cell (yt) of the LSTM, but one could also concatenate all hidden states (h0, …, ht) for the calculation of the context vector.

• Once the expert vector (e) and yt are estimated, the architecture determines the expert context vector (called ce). This vector represents the relevant information (features) extracted from the combination of the expert knowledge and the information extracted by the neural architecture. It is computed according to the formula presented above.

• Once the expert context vector is estimated, the attention vector (a) is computed from the concatenation of the expert context vector and yt (see computation formula above).

• For the estimation of the final prediction vector yt, there are several possible solutions. The first one (which is presented in the Figure 2) would be to concatenate the expert vector (e), the data learned by the neural architecture (yt), and the attention vector at and then pass the vector obtained into an activation function to compute the final vector. Other solutions would consist in, not including one or both vectors e and yt in the concatenation.

We have presented our approach using an LSTM as an example, but in the case of a CNN, the yt would represent the final output of the network that has been flattened. The proposed hybrid model will allow taking into account the a priori and a posteriori knowledge of the experts for the modeling of the users. One of the uses of such a model is knowledge tracing or skill prediction, which we will present in the next sections dedicated to the application of our solution in real cases.

4. Experiments

Our goal is to create an accurate user model or a good model for the prediction of skills, in order to improve personalization in adaptive learning systems.

4.1. Logic-Muse

Logic-Muse is a web-based Intelligent Tutoring System (ITS) that helps learners improve logical reasoning skills. Logic-Muse includes a learning environment which uses various meta-structures to provide reasoning activities on various contents (Nkambou et al., 2015). The expert model implements logical reasoning skills and knowledge as well as related reasoning mechanisms (syntactic and semantic rules of the given logical system). The model of both valid and invalid reasoning rules is encoded as a set of production rules. In addition, the semantic memory of the target logic (the logic behind the reasoning) is implemented through a formal OWL ontology and connected to the inference rules. The first version of Logic-Muse focuses on propositional logic. Logic-Muse learner model goal is to represent, update and predict the learner state of knowledge based on her/his interaction with the system. It has multiple aspects including the cognitive part that essentially represents the state of the learner's knowledge (mastery of the reasoning skills in each of the six reasoning situations that have been identified thanks to the experts). The cognitive state is generated from the learner behavior during his interactions with the system, that is, it is inferred by the system from the information available. It is supported by a bayesian network (Tato et al., 2017a) based on domain knowledge, where influence relationships between nodes (reasoning skills) as well as prior probabilities are provided by the experts. Some nodes are directly connected to the reasoning activities (items). The skills involved in the BN are those put forward by the mental models theory to reason in conformity to the logical rules. These skills include the inhibition of exceptions to the premises, the generation of counterexamples to the conclusion and the ability to manage all the relevant models for familiar, contrary to fact (counterfactual) and abstract situations (Markovits, 2013). There are 16 skills directly observable that are linked to the exercises (see Table 1) and 12 latent skills. 48 exercises on logical reasoning were used in this study.

TABLE 1
www.frontiersin.org

Table 1. Distribution of responses over skills.

For this first system, the goal is to train and test the DKT model enhanced with our attentional expert knowledge for knowledge tracing. DKT is a LSTM which take sequences of exercise-performance (et, pt) pairs presented one trial at a time. The model then predict the knowledge state, based on the current hidden state. The hidden layer of the LSTM represents the latent encoding of knowledge state, based on the current input and previous latent encoding of knowledge state. It represents the latent knowledge state of student resulted from his past learning trajectory.

4.1.1. Bayesian Network as Attention in DKT

Bayesian Network (BN) is a graphical model used to model processes under uncertainty by representing the relationship between variables in terms of a probability distribution (Russell and Norvig, 2016). BN allows inferring the probability of mastering a skill from a specific response pattern (Nkambou et al., 2010). The structure and the parameter or probability distributions are provided by experts or learned using algorithms such as Expectation-Maximization. It has been successfully used to model knowledge state of learners (Martin and VanLehn, 1995; Nguyen and Do, 2009; Tato et al., 2016) or learner affect (Sabourin et al., 2011). There are many contexts where a lot of data or expert knowledge (e.g., medicine, Flores et al., 2011) is available to build BN. How the DKT can benefit from that? In contexts where expert knowledge is available, we wanted to take advantage of that. We also articulate that, as expert knowledge is not biased toward rare data, the model could benefit from that when making predictions.

In Logic-Muse BN, there are 16 nodes directly observable (representing skills linked to exercises) and 12 latent nodes representing knowledge that are a combination of observable skills. At each time t, the BN predicts the probability of mastering each of the 16 skills for the current student based on its responses to past exercises. The output of the prediction represents a vector of 16 entries which is the vector e (expert knowledge in Figure 2) in the attentional hybrid model. By integrating the expert knowledge (here a BN) in the DKT using the attention, the model iteratively processes the a priori knowledge by selecting relevant content at every step.

4.1.2. Dataset

There is a total of 294 participants who participated in this first study. They all completed the 48 logical reasoning exercises. In our dataset, each line of data represents each participant (a total of 294 data and a sequence length of 48). The exercises were encoded using skills that are directly observable, which means that the questions related to the same skill are encoded with the same Id (1–16). The skills with few data are determined by a comparison of the average of correct answers obtained for each skill. In Table 1, we averaged all the answers on each skill. The skills difficult to master are those with the lowest average value and the skills easy to master are those with the highest average. Since the LSTM only accepts a fixed length of vectors as the input, we used one-hot encoding to convert student performance into a fixed length of vectors whose all elements are 0 except for a single 1. The single 1 in the vector indicates two things: which skill was answered and if the skill was answered correctly.

4.1.3. Results

To assess our proposed solution, we ran 2 models: the DKT and the DKT with a priori knowledge (DKT+BN). We used 20% of the data for testing and 15% for validation. The BN alone gave 69% of global accuracy. The result is evaluated using the F1score on each skill (treated as 2 classes—correct and incorrect answers) being predicted and the overall accuracy. The models were evaluated in 20 different experiments (the same experiment was repeated 20 times, this is to ensure that there is no randomness in the presented results) and the final results were averaged. In all our experiments, we set λ1 and λ2 = 0.10. Our implementation of the DKT+BN model in Tensorflow using Keras backend was inspired by the implementation2 done by Khajah et al. (2016) Our code is also available on GitHub3 for further research.

The results are shown in Tables 2, 3 and in Figure 3. As expected, the new DKT enhanced with BN outperforms the state-of-the-art model for predicting skills with few data. For skills that are easy to master (e.g., MPP type skills), all the models always predict that students will give correct answers (the F1score of incorrect answers is 0 for DKT and almost 0 for the other model). This is because, on the 294 data, we have for example only 6 incorrect answers for the MPP_FFD skill. We tested the models with high values for λ2 and we get values of f1score equal to around 0.6 for correct answers and around 0.7 for incorrect answers. This result may be satisfactory in other contexts but in the context of logical reasoning where it is established that the MPP type skills are always well-mastered, 0.6 as an f1score for correctly predicting a correct answer is not acceptable. That is why we kept λ2 =0.10. However, the solution stays valid for data where the ratio r = number of correct answers/ number of questions answered or r = number of incorrect answers/ number of questions answered on a skill is not too small (as in this case) and is less than 0.5. For skills that are difficult to master, there is a huge difference between the DKT and our proposed model. DKT is unable to track correct answers on skills difficult to master. This behavior cannot be accepted as the knowledge tracing of students that perform well on those skills will fail. Thus it is important to make sure that the final model is accurate for all the skills. On skills with few samples, we can notice that the DKT + BN still behaves better than DKT.

TABLE 2
www.frontiersin.org

Table 2. The DKT and the DKT+BN on skills that are difficult to master.

TABLE 3
www.frontiersin.org

Table 3. The DKT and the DKT+BN on Skills that are easy to master.

FIGURE 3
www.frontiersin.org

Figure 3. Heatmaps illustrating the prediction with the 2 models on the same student. DKT is unable to make accurate predictions on skills with little data, especially skills that are difficult to master. The label in the vertical dimension refers to the input fed into the models at each time step. The color of the heatmap indicates the predicted probability that the student will correctly answer a question related to a skill in the next time step. The darker the color, the higher the probability. Here, the student gave 2 out of 3 correct answers on AC_FMA and we see that the DKT+BN is able to track down that information compared to the DKT.

During our experiments, we noticed that predictions are not sometimes consistent with reality as other works have also highlighted (Yeung and Yeung, 2018). The model fails to reconstruct the observed input. As a result, even when a student performs well on a skill, the prediction of that skill's mastery level decreases instead, and vice versa. Also, the predicted performance across time steps is not consistent. As seen in Figure 3—DKT, when a student gives correct answers to a skill k, the DKT does not sometimes update the current state of knowledge on that skill (the skill stays low or is updated very slowly). The problem can be addressed by adding regularization terms to the loss function of the original DKT as suggested by Yeung and Yeung (2018). It can also be partially solved when adding the apriori knowledge as we noticed during our experiments (Figure 3—DKT+BN). However, we stay confident in the fact that if the apriori knowledge is more accurate (which is not our case as the accuracy of the BN is 0.65) we will get better results.

4.2. MorALERT

4.2.1. Context

Socio-Moral Reasoning (SMR) is a socio-cognitive construct essential for decision-making, as well as social interaction adaptation. It is commonly defined as “how individuals think about moral emotions and conventions that govern social interactions in their everyday lives” (Beauchamp et al., 2013). Being able to predict and diagnose one's socio-moral reasoning skill level (or ability) is a key step for quantifying peoples' social functioning and can be used to identify those at risk for maladaptive social behavior. This diagnosis could help orient people toward appropriate services or provide adequate support to improve this skill's development. The Socio-Moral Reasoning Aptitude Level (SoMoral) (Dooley et al., 2010) task is a computer-measured walkthrough in which children and adolescents are presented with visual social dilemmas from everyday life. They are then asked to verbalize how they would react in this situation, justifying their answer. The participants' answers are recorded verbatim in transcripts that are subsequently scored manually by experts using a moral-maturity coding scheme inspired by the Kohlberg's theory of moral development (Kohlberg, 1984). Verbatims are short or long text containing at least one sentence. Each socio-moral reasoning rating was well-documented by experts using annotated data. The goal was to put together these two kinds of data to build an accurate model for the automatic prediction of reasoning skill levels. Using annotated data only would not give us good results in this context. Therefore we propose a hybrid model that combines expert knowledge with DNN (Deep Neural Networks) architectures (especially CNN and LSTM) using the attentional mechanism (Xu et al., 2015) for predicting the level of SMR skill of an individual based on his justifications when solving socio-moral dilemmas. The developed solution extends the learner/player model in a serious game called LesDilemmes (Tato et al., 2017b).

4.2.2. MorALERT: A Serious Game for Improving Socio-Moral Reasoning Skills

The proposed hybrid model has been tested for the automated scoring mechanism in a serious video game called MorALERT (previously called LesDilemmes) (Tato et al., 2017b). MorALERT is a first-person serious game aiming to assess and train the player on social reasoning skills. MorALERT is a virtual learning environment offering an emotionally, socially, and cognitively rich interactive context. Players face different socio-moral dilemmas within a 3D environment (see Figure 4) in which they have to make decisions and are asked to provide oral justifications for their choices. They can also ask the opinions of virtual friends (Non-Player Characters) in the game. At the beginning of the game, each Non-Player Character (NPC) is assigned an SMR maturity level. The NPCs' opinions are then selected from previously recorded transcripts corresponding to the different moral maturity levels according to the coding scheme (SoMoral, Beauchamp et al., 2013). The learner (player) model implemented in the learning environment includes three key dimensions: the affective state, the cognitive profile, and, the socio-moral reasoning profile. Therefore, socio-moral reasoning skill is part of the player model implemented in the game. As stated in Birk et al. (2015), a learner/player model that can accurately represent the learner longitudinally in a game leads to efficient adaptation, which in turn helps increase the player's satisfaction and motivation. To this end, it is important to ensure the effectiveness of the learner/player model before deploying the system for real uses. One goal in MorALERT was to build an effective model of the socio-moral facet of the learner/player. Defining an individual's socio-moral reasoning level necessitates an examination of the verbal justifications he provided when solving the dilemmas. This involves the implementation of a model that automatically measures and predicts this data during the game. We possessed a dataset of verbatim coming from the SoMoral experimentation already annotated by experts and a description (a paragraph with key concepts) associated with each different level (or class) of maturity. The experiment in this second context aims to implement our solution so that we can accurately assess the socio-moral reasoning skill level of a player based on his verbatim.

FIGURE 4
www.frontiersin.org

Figure 4. MorALERT serious game.

4.2.3. Socio-Moral Reasoning Skill Levels

The original SoMoral task includes five different levels of socio-moral reasoning skill (Beauchamp et al., 2013): (1) Authoritarian-based consequences, (2) Egocentric exchanges, (3) Interpersonal Focus, (4) Societal Regulation, and (5) Societal Evaluation. Transition levels (i.e., 1.5, 2.5, 3.5, 4.5) are used to account for verbatim that provides elements of two different reasoning stages and show a sequential progression from one stage to another. Occasionally, a verbatim is assigned to two different closed levels (with a maximum deviation of 1) when two independent experts annotate the data for inter-reliability purposes.

A first convolutional neural network has been proposed, to automatically detect the player's socio-moral reasoning level. Despite the high accuracy reported (92%) (Tato et al., 2017b), the model was not able to predict when a person has a socio-moral reasoning level of 2, 3, or 5. All the predictions were either level 1 or 3 due to an unbalanced dataset. Our new model addresses this issue in order to ensure the accuracy of the learner model for better support of the learning process in the serious game.

4.2.4. Hybrid Architecture for Socio-Moral Reasoning Skill Prediction

4.2.4.1. Expert Knowledge

In our context, where we only have access to description (in textual form) of each of the levels (see Figure 5, Chiasson et al., 2017), we employed two different techniques related to IR (Information Retrieval) and NLP (Natural Language Processing): the Word Movers' Distance to compare the meaning of texts, n-grams, and stemming to test whether verbatim contain those specific elements extracted for each level. We explain each of the techniques in further details in the following section.

FIGURE 5
www.frontiersin.org

Figure 5. Brief description of SoMoral coding and examples (Chiasson et al., 2017).

4.2.4.2. Word Mover's Distance

Word Mover's Distance (WMD) (Kusner et al., 2015) is a machine learning technique that allows submitting a query and returning the most relevant documents. It is used to assess the “distance” between two documents in a meaningful way, even when they have no words in common. The assumption is that similar words should be linked to similar vectors. Instead of using Euclidean Distance and other bag-of-words based distance measurement, they proposed to use word2vec vector embeddings of words to calculate similarities. It has been shown to outperform many of the state-of-the-art methods in k-nearest neighbors classification by normalizing Bag-of-Words and Word Embeddings to calculate the distance between documents.

We used the WMD method to build the first part of the expert knowledge content that will be combined with the DNN. Each description of each socio-moral reasoning skill level as well as each verbatim is considered as a document. We transformed each document to their word2vec representation using pre-trained word2vec models for French.4,5 The vectors have then been normalized so that they could all have equal length. We calculated the similarity between each verbatim and each description (5 descriptions) using gensim Wmd-Similarity tool.6 For each verbatim this calculation provided us with a vector of length 5 where each entry is the similarity between the verbatim and the description of the corresponding socio-moral reasoning skill level. The values range between 0 and 1.

4.2.4.3. Bi-gram and Stemming

N-gram is a contiguous sequence of n items from a given sample of text or speech. We extracted n-grams (uni and bi grams) from the textual description of levels, which gave us a list of n-gram for each reasoning level. We also generated a list of synonyms of all keywords (extracted manually) included in the descriptions. For each verbatim, we counted the number of times each n-gram of each level appeared within the text.

Stemming is the process of reducing inflected (or sometimes derived) words to their word stem, base or root form. We applied this technique to all the words in the synonyms list generated and for each word in verbatim. Also, for each verbatim, we counted the number of times each synonym of each level appeared within the text. The sum of the vectors generated by this process and the previous one (n-grams) gave us, for each verbatim, a vector of size 5 where each entry represents the number of n-grams and synonyms of each level found in the verbatim. We finally applied the softmax function to the resulting vector which was added to the one generated by the WMD method.

4.2.5. Experiments

In order to empirically evaluate the proposed solution in this second context, we investigated six different models: a CNN (cnn-only), an LSTM (lstm-only), a CNN where expert knowledge was concatenated to the features learned (cnn-expert), an LSTM where expert knowledge was concatenated to the features learned (lstm-expert) and finally the cnn-expert-att (a CNN where expert knowledge was concatenated to the features learned + knowledge-based attention) and lstm-expert-att (a LSTM where expert knowledge was concatenated to the features learned + knowledge-based attention). We used the same parameter initialization for all the models. Adam (Kingma and Ba, 2014) was used as the optimizer with a learning rate set to 0.001. The algorithms were implemented using Keras7 and the experiments were done using the built-in Keras models, making only small edits to the default settings.

4.2.5.1. Data Pre-processing

The dataset consists of a benchmark of 731 verbatim (written in French) manually annotated by experts. Verbatims are not equally distributed between classes (unbalancing data). Table 4 shows the distribution of data where for example the classes 4 and 5 have a small number of verbatims than others (1,2 and 3). In fact, level 5 being the highest level of maturity, it is rare to come across people of this level. This means that some of those classes have very few examples to learn from. On the 731 verbatims, there were 53 of them that were classified as 0, which means that the verbatim does not represent one of the socio-moral reasoning skill levels. We do not consider these cases in our study, which reduces our corpus to 678 verbatims. We also limited our prediction problem to 5 levels of socio-moral reasoning skills: 1, 2, 3, 4, and 5. The verbatims belonging to intermediary levels 1.5, 2.5, 3.5, and 4.5 were added to verbatims belonging to levels 2, 3, 4, and 5, respectively.

TABLE 4
www.frontiersin.org

Table 4. Distribution of verbatims between classes.

4.2.5.2. Deal With Unbalanced Data

As shown in Table 4, the dataset is unbalanced. The first models we built were biased toward classes that had more samples. Therefore, we applied some techniques that aimed to balance the dataset. The first technique we had chosen is the penalization of models (cost-sensitive models, Shi et al., 2015). It works as follows: we penalize the classification by imposing an additional cost on the models for making classification mistakes on the minority class during training. The penalties can bias the model to pay more attention to the minority classes. However, this technique was unsuccessful because the results were no better than when using the original dataset. In fact, the generated solutions were able to classify instances from the minority classes correctly, but less capable of classifying instance from the majority classes. The second technique we used aimed at re-sampling the dataset (Ghosh et al., 2017). With this technique, the models were insured to not be biased toward one class. The dataset was re-sampled by using the oversampling technique, which consists in randomly duplicating samples from classes with few examples, in order to match the number of samples of other classes. This second technique did not work as well. Instead of playing with the data, we found a solution based on training multiple models that are specialized in the prediction of specific socio-moral levels. We used ensemble methods to combine results from those models and produce the final prediction. Ensemble methods (Dietterich, 2000) are techniques that create multiple models and then combine them to produce improved results. Voting and averaging are two of the easiest ensemble methods. They are both easy to understand and implement. Voting strategy was selected, as it is well-suited for classification problems. The architecture of the final model is presented in Figure 6. In Figure 6, each sub model is specialized for the prediction of levels specified between parenthesis. Each model is either LSTM or CNN combined with expert knowledge and the attentional vector.

FIGURE 6
www.frontiersin.org

Figure 6. Final model for predicting socio-moral reasoning skill levels.

4.2.5.3. Proposed Models

Figure 7 shows the proposed architectures. The models take as input the verbatims that have been pre-processed (tokenization, text to sequence, etc.) and vectored. The vectors are then passed to the embedding layer. In Figure 7 (left), the embedding vectors are passed to the LSTM layer (note that we have only considered the output of the last cell). The expert knowledge and the output of the LSTM are then passed to the expert knowledge-based attention. The attentional vector is merged with the expert knowledge and the output of the LSTM. The concatenation is passed to the last layer for the prediction. This process is the same for the CNN (see Figure 7, right), except that the knowledge-based attention layer takes as input the expert knowledge and the result of the pooling operation applied to the output of the CNN. To evaluate the added value of this knowledge-based attention, we have considered two similar models (cnn-expert, lstm-expert) to those shown in figures. However, those models do not have the knowledge-based attention layer. They are used as a comparison with the proposed solutions.

FIGURE 7
www.frontiersin.org

Figure 7. The proposed hybrid architecture using LSTM (left) or CNN (right) for the prediction of socio-moral reasoning level.

4.2.5.4. Results

All the models have been trained on 80% (with 20% as validation data) of the data and tested on the remaining 20%. A standard measure for classification/prediction performance is the accuracy. However, for datasets with unbalanced distribution like ours, this measure can be illusory and not very informative on the errors being committed by the classifier. Instead of considering only the accuracy, we have considered the recall, the precision and the F1 score (or F-measure which takes in consideration both the precision and the recall) for all classes and for each of the classes separately. Thus, we will be able to evaluate the performance of the models on the prediction of classes with small samples.

The results are shown in Table 5 and in Figures 8, 9. As we can see, models that take into account expert knowledge perform well for the prediction of classes with few samples compared to others with no expert knowledge (f1score for classes 2, 4, and 5). This is due to the fact that experts do not need data to make decisions because their decisions are based on their own knowledge. This suggests that, incorporating expert knowledge to neural models improves the classification even when the dataset is unbalanced. Also, even if there is not a huge amount of training data, the models are still able to generalize well on unseen data. Overall, the CNN based models perform well than the LSTM based models because it has been shown that the latter is a solution that has a better generalization power when there is a lot of available data.

TABLE 5
www.frontiersin.org

Table 5. Overall precision, recall, f1score, and accuracy of all the models.

FIGURE 8
www.frontiersin.org

Figure 8. Precision of all the models for each level.

FIGURE 9
www.frontiersin.org

Figure 9. F1-score of all the models for each level.

4.2.6. Discussions

The computed a priori expert knowledge, alone, gave 40% of accuracy on all the dataset, which is not good. However, when directly merged with the features learned by the DNNs, the results are better than without that concatenation. Merging the expert knowledge with the features learned by the models is nonetheless not sufficient as it is comparable to adding a bias. Expert knowledge should be considered as an input that can make change to features learned depending on whether these features are important for the final prediction. As seen in the results, the knowledge-based attention layer helps improve the prediction, which suggests that using the attentional mechanism is suitable for the targeted task. Here are two advantages of incorporating expert knowledge to DNN: (1) Models are able to generalize well even with a limited amount of data; (2) Models are able to make accurate prediction on unbalanced dataset.

4.2.6.1. Real Life Socio-Moral Reasoning Classification

Different experts tend to associate to the same verbatim: different—but close—classes. Taking into consideration that even experts can make errors, we retrained our model by considering a margin error of 1 for the 5-class problem. For example, if the model predicts that the class of the verbatim v is 4 and that the real class is 5, then it is considered as a correct classification. The results taking into account errors margins showed a noticeable improvement. We gained more than 5% on the overall f1score.

4.2.6.2. Personalization in MorALERT

The final model (using CNN as it gave best results) was integrated in the game that is currently in experimentation. The prediction was done in real time. We recorded audio justification of the learner before transforming it to text using Google speech to text API.8 The text was then fed into the model, outputting the predicted socio-moral reasoning skill level. The predicted socio-moral reasoning skill level was thereafter used to update the current player model and to adapt the serious game accordingly.

To introduce a form of feedback and scoring inside the game, we added a simulated social feedback showing the number of “likes” and “friends” depending on the player responses. When players' socio-moral reasoning maturity level increased, players gained “likes”, and when they made positive evaluations of the opinions of NPC with a higher level of maturity than their own, they gained “friends”. Their evaluation of the opinions of NPC with lower levels of SMR maturity had no effect on the number of likes or number of friends. For the 10 players we have already experimented, the model was able to correctly predict the socio-moral reasoning skill levels based on the comparison with human experts' prediction. Furthermore, the assessment of the game suggests that the players appreciated it in terms of immersion, playability and impression of having learned something. Results also show that the game encourages the development of higher levels of SMR skill from pre-test compared to the game, but also from pre-test compared to post test. In fact, results during the post-test appear to be lower than during the game, which might be related to the higher level of perceived immersion and also because of the social simulation associated with the NPC and their opinions and also the social feedback interface.

5. Conclusion

In this paper, we proposed a simple, effective, and intuitive technique to improve deep learning architecture on user modeling for personalization purposes. It consists of incorporating expert knowledge (when available) using the attention mechanism, to neural network architectures. The solution was tested in two learning environments: Logic-Muse and MorALERT.

In Logic-Muse, the experiments consisted in tracing the logical skills of students using the hybrid model. At the same time, we introduced a new way of using the attention mechanism, to allow neural networks to take into account expert knowledge (when available) in their training and decision process. We tested the solution on a dataset that is unbalanced. The results showed that the DKT is unable to accurately track skills with little data, compare to the DKT+BN.

During the experiments, we noticed that, for skills that are very easy to master, all the 2 models were unable to track incorrect answers, due to the fact that the ratio r=incorrect answers/total of questions answered was very low. Even with a penalty, we were not able to significantly improve the DKT model. However, in this paper, we have set the regularization parameters λ1 and λ2 with a fixed value but for future work, we will do a grid search to find the best values. We will do further experiments on the integration of expert knowledge into neural network architectures. We also plan to test our techniques on a larger and or public dataset.

The proposed model has also been tested in MorALERT, a serious game adaptive learning environment for assessing and optimizing SMR in adolescence. In MorALERT, our model accurately predicts the socio-moral reasoning skill level based on textual verbatim and a priori expert knowledge. This makes it possible to propose an adapted (personalized) order for the dilemma sequencing in the game. The findings from a recent experiment of MorALERT (Zarglayoun et al., 2022) show promise in terms of its potential for assessing and improving socio-moral reasoning maturity.

Thanks to its hybrid nature, the proposed model is also intended to help experts in the annotation of verbatims. Results are very promising for the field. Contrary to the state-of-the-art techniques in text classification, the solution we proposed achieves the best results in our context. This is mainly due to the deep structures that can learn useful features from data and also the a priori knowledge that can leverage unbalanced data.

The idea of using attention to incorporate expert knowledge to NN can be used in other domains such as text classification or in medicine where there is a lot of expert knowledge available. For example, we could think of a classifier using a neural network combined with a rule-based system, as the expert knowledge.

Data Availability Statement

The raw data supporting the conclusions of this article will be made available by the authors, without undue reservation.

Author Contributions

AT and RN contributed to conception and design of the study and wrote the sections of the manuscript. AT implemented the systems (Logic-Muse and MorALERT) and the models, organized the datasets used for the experiments, performed the analysis of the results, and wrote the first draft of the manuscript. All authors contributed to manuscript revision, read, and approved the submitted version.

Funding

This research was supported by grants from Natural Sciences and Engineering Research Council of Canada (NSERC), Discovery Grant Awarded to RN. This research was also supported by grants from Fonds de Recherche du Québec Société et Culture (FRQSC) awarded to RN and his colleagues (Research Team).

Conflict of Interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher's Note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Acknowledgments

We would like to thank Miriam Beauchamp, Aude Dufresne, Serge Robert, Janie Brisson, and Juliette Laurendeau for their help in this work. The content of this manuscript has been presented in part at the Tenth AAAI Symposium on Educational Advances in Artificial Intelligence (Tato et al., 2020).

Footnotes

References

Bahdanau, D., Cho, K., and Bengio, Y. (2014). Neural machine translation by jointly learning to align and translate. arXiv preprint arXiv:1409.0473. doi: 10.48550/arXiv.1409.0473

CrossRef Full Text | Google Scholar

Bakkes, S. C., Spronck, P. H., and van Lankveld, G. (2012). Player behavioural modelling for video games. Entertain. Comput. 3, 71–79. doi: 10.1016/j.entcom.2011.12.001

PubMed Abstract | CrossRef Full Text | Google Scholar

Beauchamp, M., Dooley, J. J., and Anderson, V. (2013). A preliminary investigation of moral reasoning and empathy after traumatic brain injury in adolescents. Brain Injury 27, 896–902. doi: 10.3109/02699052.2013.775486

PubMed Abstract | CrossRef Full Text | Google Scholar

Bhunia, A. K., Khan, S., Cholakkal, H., Anwer, R. M., Khan, F. S., and Shah, M. (2021). “Handwriting transformers,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 1086–1094. doi: 10.1109/ICCV48922.2021.00112

CrossRef Full Text | Google Scholar

Birk, M. V., Toker, D., Mandryk, R. L., and Conati, C. (2015). “Modeling motivation in a social network game using player-centric traits and personality traits,” in International Conference on User Modeling, Adaptation, and Personalization (Cham: Springer), 18–30. doi: 10.1007/978-3-319-20267-9_2

CrossRef Full Text | Google Scholar

Chen, H., and Zhang, Z. (2021). Hybrid neural network based on novel audio feature for vehicle type identification. Sci. Rep. 11, 1–10. doi: 10.1038/s41598-021-87399-1

PubMed Abstract | CrossRef Full Text | Google Scholar

Chiasson, V., Vera-Estay, E., Lalonde, G., Dooley, J., and Beauchamp, M. (2017). Assessing social cognition: age-related changes in moral reasoning in childhood and adolescence. Clin. Neuropsychol. 31, 515–530. doi: 10.1080/13854046.2016.1268650

PubMed Abstract | CrossRef Full Text | Google Scholar

Chorowski, J. K., Bahdanau, D., Serdyuk, D., Cho, K., and Bengio, Y. (2015). “Attention-based models for speech recognition,” in Advances in Neural Information Processing Systems eds Cortes, C., Lawrence, N., Lee, D., Sugiyama, M., and Garnett, R (Curran Associates, Inc.) 28, 577–585.

Google Scholar

Collobert, R., and Weston, J. (2008). “A unified architecture for natural language processing: deep neural networks with multitask learning,” in Proceedings of the 25th International Conference on Machine Learning (New York, NY: ACM), 160–167. doi: 10.1145/1390156.1390177

PubMed Abstract | CrossRef Full Text | Google Scholar

Conati, C., Gertner, A. S., VanLehn, K., and Druzdzel, M. J. (1997). “On-line student modeling for coached problem solving using bayesian networks,” in User Modeling eds Jameson, H., Paris, C., and Tasso, C. (Springer), 231–242. doi: 10.1007/978-3-7091-2670-7_24

CrossRef Full Text | Google Scholar

Corbett, A. T., and Anderson, J. R. (1994). Knowledge tracing: modeling the acquisition of procedural knowledge. User Model User Adapt. Interact. 4, 253–278. doi: 10.1007/BF01099821

CrossRef Full Text | Google Scholar

Cordón, O., Herrera, F., and Villar, P. (2001). Generating the knowledge base of a fuzzy rule-based system by the genetic learning of the data base. IEEE Trans. Fuzzy Syst. 9, 667–674. doi: 10.1109/91.940977

CrossRef Full Text | Google Scholar

Coro, G., Pagano, P., and Ellenbroek, A. (2013). Combining simulated expert knowledge with neural networks to produce ecological niche models for latimeria chalumnae. Ecol. Modell. 268, 55–63. doi: 10.1016/j.ecolmodel.2013.08.005

CrossRef Full Text | Google Scholar

Dass, S., Gary, K., and Cunningham, J. (2021). Predicting student dropout in self-paced mooc course using random forest model. Information 12, 476. doi: 10.3390/info12110476

CrossRef Full Text | Google Scholar

Demuth, H. B., Beale, M. H., De Jess, O., and Hagan, M. T. 1 (2014). Neural Network Design. Stillwater, OK: Martin Hagan.

Google Scholar

Dietterich, T. G. (2000). “Ensemble methods in machine learning,” in International Workshop on Multiple Classifier Systems (Berlin; Heidelberg: Springer), 1–15. doi: 10.1007/3-540-45014-9_1

CrossRef Full Text | Google Scholar

Domladovac, M. (2021). “Comparison of neural network with gradient boosted trees, random forest, logistic regression and SVM in predicting student achievement,” in 2021 44th International Convention on Information, Communication and Electronic Technology (MIPRO) (Opatija: IEEE), 211–216. doi: 10.23919/MIPRO52101.2021.9596684

CrossRef Full Text | Google Scholar

Dooley, J. J., Beauchamp, M., and Anderson, V. A. (2010). The measurement of sociomoral reasoning in adolescents with traumatic brain injury: a pilot investigation. Brain Impairment 11, 152–161. doi: 10.1375/brim.11.2.152

CrossRef Full Text | Google Scholar

Drachen, A., Green, J., Gray, C., Harik, E., Lu, P., Sifa, R., et al. (2016). “Guns and guardians: comparative cluster analysis and behavioral profiling in destiny,” in 2016 IEEE Conference on Computational Intelligence and Games (CIG) (Santorini: IEEE), 1–8. doi: 10.1109/CIG.2016.7860423

CrossRef Full Text | Google Scholar

Drachen, A., Sifa, R., Bauckhage, C., and Thurau, C. (2012). “Guns, swords and data: clustering of player behavior in computer games in the wild,” in 2012 IEEE Conference on Computational Intelligence and Games (CIG) (Granada: IEEE), 163–170. doi: 10.1109/CIG.2012.6374152

CrossRef Full Text | Google Scholar

Fisher, J. L., Hinds, S. C., and D'Amato, D. P. (1990). “A rule-based system for document image segmentation,” in 10th International Conference on Pattern Recognition (Atlantic City, NJ: IEEE), 567–572. doi: 10.1109/ICPR.1990.118166

CrossRef Full Text | Google Scholar

Flores, M. J., Nicholson, A. E., Brunskill, A., Korb, K. B., and Mascaro, S. (2011). Incorporating expert knowledge when learning Bayesian network structure: a medical case study. Artif. Intell. Med. 53, 181–204. doi: 10.1016/j.artmed.2011.08.004

PubMed Abstract | CrossRef Full Text | Google Scholar

Friedman, N., Nachman, I., and Peér, D. (1999). “Learning bayesian network structure from massive datasets: the “sparse candidate” algorithm,” in Proceedings of the Fifteenth Conference on Uncertainty in Artificial Intelligence (San Francisco, CA: Morgan Kaufmann Publishers Inc.), 206–215.

Ghosh, S., Baranowski, E. S., van Veen, R., de Vries, G.-J., Biehl, M., Arlt, W., et al. (2017). “Comparison of strategies to learn from imbalanced classes for computer aided diagnosis of inborn steroidogenic disorders,” in Proc. of the European Symposium on Artificial Neural Networks (Bruges). doi: 10.1530/endoabs.49.OC1.3

CrossRef Full Text | Google Scholar

Gow, J., Baumgarten, R., Cairns, P., Colton, S., and Miller, P. (2012). Unsupervised modeling of player style with LDA. IEEE Trans. Comput. Intell. AI Games 4, 152–166. doi: 10.1109/TCIAIG.2012.2213600

CrossRef Full Text | Google Scholar

Graves, A. (2013). Generating sequences with recurrent neural networks. arXiv preprint arXiv:1308.0850. doi: 10.48550/arXiv.1308.0850

CrossRef Full Text | Google Scholar

Greenberg, R. (2010). Kant's Theory of a Priori Knowledge. University Park, PA: Penn State University Press.

PubMed Abstract | Google Scholar

Ha, E. Y., Rowe, J. P., Mott, B. W., and Lester, J. C. (2011). “Goal recognition with Markov logic networks for player-adaptive games,” in Seventh Artificial Intelligence and Interactive Digital Entertainment Conference (Stanford, CA: AAAI).

Google Scholar

He, K., Zhang, X., Ren, S., and Sun, J. (2016). “Deep residual learning for image recognition,” in Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (Las Vegas, NV: IEEE), 770–778. doi: 10.1109/CVPR.2016.90

PubMed Abstract | CrossRef Full Text | Google Scholar

Hearst, M. A., Dumais, S. T., Osuna, E., Platt, J., and Scholkopf, B. (1998). Support vector machines. IEEE Intell. Syst. Appl. 13, 18–28. doi: 10.1109/5254.708428

CrossRef Full Text | Google Scholar

Horvitz, E., Breese, J., Heckerman, D., Hovel, D., and Rommelse, K. (1998). “The lumiere project: Bayesian user modeling for inferring the goals and needs of software users,” in Proceedings of the Fourteenth Conference on Uncertainty in Artificial Intelligence (San Francisco, CA: Morgan Kaufmann Publishers Inc.), 256–265.

Huang, C., Li, Y., Change Loy, C., and Tang, X. (2016).1 “Learning deep representation for imbalanced classification,” in Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (Las Vegas, NV: IEEE), 5375–5384. doi: 10.1109/CVPR.2016.580

PubMed Abstract | CrossRef Full Text | Google Scholar

Kantharaju, P., Alderfer, K., Zhu, J., Char, B., Smith, B., and Ontanón, S. (2018). “Tracing player knowledge in a parallel programming educational game,” in Fourteenth Artificial Intelligence and Interactive Digital Entertainment Conference (Publisher: AAAI Press).

Google Scholar

Khajah, M., Lindsey, R. V., and Mozer, M. C. (2016). How deep is knowledge tracing? arXiv preprint arXiv:1604.02416. doi: 10.48550/arXiv.1604.02416

CrossRef Full Text | Google Scholar

Kingma, D. P., and Ba, J. (2014). Adam: a method for stochastic optimization. arXiv preprint arXiv:1412.6980. doi: 10.48550/arXiv.1412.6980

CrossRef Full Text | Google Scholar

Kohlberg, L. (1984). Essays on Moral Development: The Psychology of Moral Development. Vol. 2. Cambridge: Harper & Row.

Google Scholar

Kusner, M., Sun, Y., Kolkin, N., and Weinberger, K. (2015). “From word embeddings to document distances,” in International Conference on Machine Learning eds Bach, F., and Blei, D. (Lille: JMLR.org), 957–966.

PubMed Abstract | Google Scholar

Liu, H.-I., and Chen, W.-L. (2022). X-transformer: a machine translation model enhanced by the self-attention mechanism. Appl. Sci. 12, 4502. doi: 10.3390/app12094502

CrossRef Full Text | Google Scholar

Lu, H., Setiono, R., and Liu, H. (1996). Effective data mining using neural networks. IEEE Trans. Knowledge Data Eng. 8, 957–961. doi: 10.1109/69.553163

CrossRef Full Text | Google Scholar

Luong, M.-T., Pham, H., and Manning, C. D. (2015). Effective approaches to attention-based neural machine translation. arXiv preprint arXiv:1508.04025. doi: 10.18653/v1/D15-1166

CrossRef Full Text | Google Scholar

Markovits, H. (2013). “How to develop a logical reasoner: a hierarchical model of information use in conditional reasoning,” in The Developmental Psychology of Reasoning and Decision-Making edMarkovits, H. (Hove: Psychology Press), 148–164. doi: 10.4324/9781315856568

CrossRef Full Text | Google Scholar

Martin, J., and VanLehn, K. (1995). Student assessment using Bayesian NETs. Int. J. Hum. Comput. Stud. 42, 575–591. doi: 10.1006/ijhc.1995.1025

PubMed Abstract | CrossRef Full Text | Google Scholar

McLachlan, G. (2004). Discriminant Analysis and Statistical Pattern Recognition, Vol. 544. New York, NY: John Wiley & Sons.

Google Scholar

Missura, O., and Gärtner, T. (2009). “Player modeling for intelligent difficulty adjustment,” in International Conference on Discovery Science (Berlin: Springer), 197–211. doi: 10.1007/978-3-642-04747-3_17

CrossRef Full Text | Google Scholar

Montero, S., Arora, A., Kelly, S., Milne, B., and Mozer, M. (2018). “Does deep knowledge tracing model interactions among skills?” in 11th International Conference on Educational Data Mining, EDM 2018 (Buffalo, NY).

PubMed Abstract | Google Scholar

Moon, K., Kim, J., and Lee, J. (2021). Early prediction model of student performance based on deep neural network using massive LMS log data. J. Korea Contents Assoc. 21, 1–10. doi: 10.1016/j.compedu.2020.104108

CrossRef Full Text | Google Scholar

Muyuan, W., Naiyao, Z., and Hancheng, Z. (2004). “User-adaptive music emotion recognition,” in Proceedings 7th International Conference on Signal Processing, 2004 (Beijing: IEEE), 1352–1355. doi: 10.1109/ICOSP.2004.1441576

CrossRef Full Text | Google Scholar

Nguyen, L., and Do, P. (2009). “Combination of Bayesian network and overlay model in user modeling,” in International Conference on Computational Science (Baton Rouge, LA: Springer), 5–14. doi: 10.1007/978-3-642-01973-9_2

CrossRef Full Text | Google Scholar

Nkambou, R., Brisson, J., Kenfack, C., Robert, S., Kissok, P., and Tato, A. (2015). “Towards an intelligent tutoring system for logical reasoning in multiple contexts,” in Design for Teaching and Learning in a Networked World eds Conole, G., Klobuar, T., Rensing, C., Konert, J., and Lavoue, E. (Berlin; Heidelberg: Springer-Verlag), 460–466. doi: 10.1007/978-3-319-24258-3_40

CrossRef Full Text | Google Scholar

Nkambou, R., Mizoguchi, R., and Bourdeau, J. (2010). Advances in Intelligent Tutoring Systems, Vol. 308. Springer Science & Business Media. doi: 10.1007/978-3-642-14363-2

CrossRef Full Text | Google Scholar

Nur, N. (2021). Developing temporal machine learning approaches to support modeling, explaining, and sensemaking of academic success and risk of undergraduate students (Ph.D. thesis). The University of North Carolina at Charlotte, Charlotte, NC, United States.

Google Scholar

Pardos, Z. A., and Heffernan, N. T. (2010). “Modeling individualization in a Bayesian networks implementation of knowledge tracing,” in International Conference on User Modeling, Adaptation, and Personalization (Big Island, HI: Springer-Verlag, Berlin Heidelberg), 255–266. doi: 10.1007/978-3-642-13470-8_24

CrossRef Full Text | Google Scholar

Piech, C., Bassen, J., Huang, J., Ganguli, S., Sahami, M., Guibas, L. J., et al. (2015). “Deep knowledge tracing,” in Advances in Neural Information Processing Systems eds Cortes, C., Lawrence, N., Lee, D., Sugiyama, M., and Garnett, R. (Curran Associates, Inc.), 505–513.

Google Scholar

Rowe, J., Mott, B., McQuiggan, S., Robison, J., Lee, S., and Lester, J. (2009). “Crystal island: a narrative-centered learning environment for eighth grade microbiology,” in Workshop on Intelligent Educational Games at the 14th International Conference on Artificial Intelligence in Education (Brighton), 11–20.

Google Scholar

Rowe, J. P., and Lester, J. C. (2010). “Modeling user knowledge with dynamic Bayesian networks in interactive narrative environments,” in Sixth Artificial Intelligence and Interactive Digital Entertainment Conference (Palo Alto, CA: AAAI), 57–62.

Google Scholar

Russell, S. J., and Norvig, P. (2016). Artificial Intelligence: A Modern Approach. Harlow: Pearson Education Limited.

Google Scholar

Sabourin, J., Mott, B., and Lester, J. C. (2011). “Modeling learner affect with theoretically grounded dynamic Bayesian networks,” in International Conference on Affective Computing and Intelligent Interaction (Memphis, TN: Springer), 286–295. doi: 10.1007/978-3-642-24600-5_32

CrossRef Full Text | Google Scholar

Sharma, G., Parashar, A., and Joshi, A. M. (2021). Dephnn: a novel hybrid neural network for electroencephalogram (EEG)-based screening of depression. Biomed. Signal Process. Control 66, 102393. doi: 10.1016/j.bspc.2020.102393

CrossRef Full Text | Google Scholar

Shi, D., Guan, J., and Zurada, J. (2015). “Cost-sensitive learning for imbalanced bad debt datasets in healthcare industry,” in 2015 Asia-Pacific Conference on Computer Aided System Engineering (Quito: IEEE), 30–35.

Google Scholar

Song, X., Li, J., Tang, Y., Zhao, T., Chen, Y., and Guan, Z. (2021). JKT: a joint graph convolutional network based deep knowledge tracing. Inform. Sci. 580, 510–523. doi: 10.1016/j.ins.2021.08.100

CrossRef Full Text | Google Scholar

Stern, M., Beck, J., and Woolf, B. P. (1999). Naive Bayes Classifiers for User Modeling. Center for Knowledge Communication, Computer Science Department, University of Massachusetts.

PubMed Abstract | Google Scholar

Tato, A., Nkambou, R., Brisson, J., Kenfack, C., Robert, S., and Kissok, P. (2016). “A Bayesian network for the cognitive diagnosis of deductive reasoning,” in European Conference on Technology Enhanced Learning (Lyon: Springer), 627–631. doi: 10.1007/978-3-319-45153-4_78

PubMed Abstract | CrossRef Full Text | Google Scholar

Tato, A., Nkambou, R., Brisson, J., and Robert, S. (2017a). “Predicting learner's deductive reasoning skills using a bayesian network,” in International Conference on Artificial Intelligence in Education (Wuhan: Springer), 381–392. doi: 10.1007/978-3-319-61425-0_32

CrossRef Full Text | Google Scholar

Tato, A., Nkambou, R., and Dufresne, A. (2020). “Using ai techniques in a serious game for socio-moral reasoning development,” in The Thirty-Fourth AAAI Conference on Artificial Intelligence, AAAI 2020, The Thirty-Second Innovative Applications of Artificial Intelligence Conference, IAAI 2020 (New York, NY: AAAI Press), 13477–13484. doi: 10.1609/aaai.v34i09.7066

CrossRef Full Text | Google Scholar

Tato, A. A. N., Nkambou, R., Dufresne, A., and Beauchamp, M. H. (2017b). “Convolutional neural network for automatic detection of sociomoral reasoning level,” in EDM (Worcester, MA: International Educational Data Mining Society).

Google Scholar

Towell, G. G., and Shavlik, J. W. (1994). Knowledge-based artificial neural networks. Artif. Intell. 70, 119–165. doi: 10.1016/0004-3702(94)90105-8

CrossRef Full Text | Google Scholar

Troussas, C., Krouska, A., and Virvou, M. (2020). “Using a multi module model for learning analytics to predict learners' cognitive states and provide tailored learning pathways and assessment,” in Machine Learning Paradigms eds Virvou, M., Alepis, E., Tsihrintzis, G., and Jain, L. (Cham: Springer), 9–22. doi: 10.1007/978-3-030-13743-4_2

CrossRef Full Text | Google Scholar

Tsamardinos, I., Brown, L. E., and Aliferis, C. F. (2006). The max-min hill-climbing bayesian network structure learning algorithm. Mach. Learn. 65, 31–78. doi: 10.1007/s10994-006-6889-7

PubMed Abstract | CrossRef Full Text | Google Scholar

Tseng, J. C., Chu, H.-C., Hwang, G.-J., and Tsai, C.-C. (2008). Development of an adaptive learning system with two sources of personalization information. Comput. Educ. 51, 776–786. doi: 10.1016/j.compedu.2007.08.002

CrossRef Full Text | Google Scholar

Van Melle, W. (1978). Mycin: a knowledge-based consultation program for infectious disease diagnosis. Int. J. Man Mach. Stud. 10, 313–322. doi: 10.1016/S0020-7373(78)80049-2

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, L., Sy, A., Liu, L., and Piech, C. (2017). “Deep knowledge tracing on programming exercises,” in Proceedings of the Fourth 2017 ACM Conference on Learning@ Scale (New York, NY: ACM), 201–204. doi: 10.1145/3051457.3053985

CrossRef Full Text | Google Scholar

Woolf, B. P. (2010). Building Intelligent Interactive Tutors: Student-Centered Strategies for Revolutionizing e-Learning. Burlington, MA: Morgan Kaufmann.

Google Scholar

Xing, W., Li, C., Chen, G., Huang, X., Chao, J., Massicotte, J., et al. (2021). Automatic assessment of students' engineering design performance using a bayesian network model. J. Educ. Comput. Res. 59, 230–256. doi: 10.1177/0735633120960422

CrossRef Full Text | Google Scholar

Xu, K., Ba, J., Kiros, R., Cho, K., Courville, A., Salakhudinov, R., et al. (2015). “Show, attend and tell: neural image caption generation with visual attention,” in International Conference on Machine Learning (Lille: JMLR.org), 2048–2057.

Google Scholar

Yan, J., Liu, J., Yu, Y., and Xu, H. (2021). Water quality prediction in the luan river based on 1-DRCNN and bigru hybrid neural network model. Water 13, 1273. doi: 10.3390/w13091273

CrossRef Full Text | Google Scholar

Yannakakis, G. N., and Hallam, J. (2009). Real-time game adaptation for optimizing player satisfaction. IEEE Trans. Comput. Intell. AI Games 1, 121–133. doi: 10.1109/TCIAIG.2009.2024533

CrossRef Full Text | Google Scholar

Yeung, C.-K., and Yeung, D.-Y. (2018). Addressing two problems in deep knowledge tracing via prediction-consistent regularization. arXiv preprint arXiv:1806.02180. doi: 10.1145/3231644.3231647

CrossRef Full Text | Google Scholar

Yu, Z., Lian, J., Mahmoody, A., Liu, G., and Xie, X. (2019). “Adaptive user modeling with long and short-term preferences for personalized recommendation,” in IJCAI (Macao: IJCAI), 4213–4219. doi: 10.24963/ijcai.2019/585

CrossRef Full Text | Google Scholar

Yuan, F., Zhang, G., Karatzoglou, A., Jose, J., Kong, B., and Li, Y. (2021). “One person, one model, one world: learning continual user representation without forgetting,” in Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval (New York, NY), 696–705. doi: 10.1145/3404835.3462884

CrossRef Full Text | Google Scholar

Zakrzewska, D. (2008). “Cluster analysis for users' modeling in intelligent e-learning systems,” in International Conference on Industrial, Engineering and Other Applications of Applied Intelligent Systems (Berlin: Springer), 209–214. doi: 10.1007/978-3-540-69052-8_22

CrossRef Full Text | Google Scholar

Zappone, A., Di Renzo, M., Debbah, M., Lam, T. T., and Qian, X. (2018). Model-aided wireless artificial intelligence: embedding expert knowledge in deep neural networks towards wireless systems optimization. arXiv preprint arXiv:1808.01672. doi: 10.1109/MVT.2019.2921627

CrossRef Full Text | Google Scholar

Zarglayoun, H., Laurendeau-Martin, J., Tato, A., Vera-Estay, E., Blondin, A., Lamy-Brunelle, A., et al. (2022). Assessing and optimising socio-moral reasoning skills: findings from the moralert serious video game. Front. Psychol. 12, 767596. doi: 10.3389/fpsyg.2021.767596

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, J., Shi, X., King, I., and Yeung, D.-Y. (2017a). “Dynamic key-value memory networks for knowledge tracing,” in Proceedings of the 26th International Conference on World Wide Web (Geneva: International World Wide Web Conferences Steering Committee), 765–774. doi: 10.1145/3038912.3052580

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, K., and Yao, Y. (2018). A three learning states bayesian knowledge tracing model. Knowl. Based Syst. 148, 189–201. doi: 10.1016/j.knosys.2018.03.001

CrossRef Full Text | Google Scholar

Zhang, L., Xiong, X., Zhao, S., Botelho, A., and Heffernan, N. T. (2017b). “Incorporating rich features into deep knowledge tracing,” in Proceedings of the Fourth (2017) ACM Conference on Learning@ Scale (New York, NY: ACM), 169–172. doi: 10.1145/3051457.3053976

CrossRef Full Text | Google Scholar

Keywords: user modeling, deep learning, attention, socio-moral reasoning skill, logical reasoning skill, expert knowledge, hybrid neural networks

Citation: Tato A and Nkambou R (2022) Infusing Expert Knowledge Into a Deep Neural Network Using Attention Mechanism for Personalized Learning Environments. Front. Artif. Intell. 5:921476. doi: 10.3389/frai.2022.921476

Received: 15 April 2022; Accepted: 13 May 2022;
Published: 03 June 2022.

Edited by:

Christos Troussas, University of West Attica, Greece

Reviewed by:

Nasheen Nur, Florida Institute of Technology, United States
Ani Grubišić, University of Split, Croatia

Copyright © 2022 Tato and Nkambou. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Roger Nkambou, nkambou.roger@uqam.ca

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.