Next Article in Journal
Decomposition of Linear Operators on Pre-Euclidean Spaces by Means of Graphs
Previous Article in Journal
On the Order of Growth of Lerch Zeta Functions
Previous Article in Special Issue
Deep Forest and Pruned Syntax Tree-Based Classification Method for Java Code Vulnerability
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Attention Knowledge Network Combining Explicit and Implicit Information

1
School of Information Science and Engineering, Xinjiang University, Urumqi 830046, China
2
Key Laboratory of Signal Detection and Processing, Xinjiang Uygur Autonomous Region, Xinjiang University, Urumqi 830046, China
3
School of Information and Software Engineering, University of Electronic Science and Technology of China, Chengdu 611731, China
*
Author to whom correspondence should be addressed.
Mathematics 2023, 11(3), 724; https://doi.org/10.3390/math11030724
Submission received: 28 December 2022 / Revised: 19 January 2023 / Accepted: 21 January 2023 / Published: 1 February 2023

Abstract

:
The existing knowledge graph embedding (KGE) method has achieved good performance in recommendation systems. However, the relevancy degree among entities reduces gradually along the spread in the knowledge graph. Focusing on the explicit and implicit relationships among entities, this paper proposes an attention knowledge network combining explicit and implicit information (AKNEI) to effectively capture and exactly describe the correlation between entities in the knowledge graph. First, we design an information-sharing layer (ISL) to realize information sharing between projects and entities through implicit interaction. We innovatively propose a cross-feature fusion module to extract high-order feature information in the model. At the same time, this paper uses the attention mechanism to solve the problem of the decline of information relevance in the process of knowledge graph propagation. Finally, the features of KGE and cross feature fusion module are integrated into the end-to-end learning framework, the item information in the recommendation task and the knowledge graph entity information are interacted implicitly and explicitly, and the characteristics between them are automatically learned. We performed extensive experiments on multiple public datasets that include movies, music, and books. According to the experimental results, our model has a great improvement in performance compared with the latest baseline.

1. Introduction

Currently, the amount of data has exploded, and recommendation systems have become one of the methods for solving data overload. Collaborative filtering (CF) [1] is widely used in various recommendation scenarios and is one of the most classic recommendation algorithms. As the most popular recommendation technique, CF utilizes the users’ historical interaction information and the same preferences to provide the users with personalized recommendations. However, the CF method has the problems of cold start and data sparseness. To alleviate these problems and improve recommendation performance, researchers usually use the following: rich scene-related information, such as social networks [2], where the addition of social information not only reduces the sparsity of data, but also more accurately expresses users’ preferences; user–item attribute [3], which provides richer types of information, allowing users to select more specific and accurate items and enrich the amount of data; and context information [4]. Although the addition of scene information improves recommendation performance to a certain extent, it ignores the correlation between the information, and such improvements are limited.
In further studies [5,6,7,8,9], researchers noted that information is interconnected, and through these associations, entity information (users or items) can be combined to form a knowledge graph (KG). For example, the LBSN [5] network is an integration of an RNN-based network and key–value memory network (KV-MN), and the model also uses the correlation information of the knowledge base to enhance the semantic representation of the model. Normally, KG is a graph with specific directions composed of multiple nodes and connections between nodes. The nodes in the graph represent entities (which can be users or items), and the connections between entities are called edges that represent the relationship between two entities. Profiting from the KG construction method, the algorithm based on KG has the advantages of interpretability and strong scalability.
Therefore, the KG algorithm with the above advantages has been well applied in recommendation systems. In the related research on using KGs to improve recommendation performance, a method based on knowledge graph embedding (KGE) [6,9,10] is one of them. For example, a deep knowledge perception network (DKN) [7] is a model that combines entity embedding and a convolutional neural network (CNN) [11]. The network integrates knowledge graph representation for news recommendation, which is a content-based click-prediction framework. The key part of the model is a perceptive convolutional neural network using multi-channel word entity alignment, which can dynamically aggregate users’ history records and candidate news. Embedded-based methods have a high degree of flexibility, but they are more suitable for tasks such as application and link prediction than for personalized recommendations. Based on the KG path method, KG is usually regarded as a network of heterogeneous information, such as the personalized entity recommendation (PER) [8] proposed by Xiao Yu et al. The model uses the potential relationships in the KG original path to make different types of combinations, and the hidden information of the user’s historical interaction is represented by the meta-path. However, the graph of the PER model relies on manual design, making it impossible to automate feature learning. RippleNet [6] utilizes user preferences to propagate in the KG, the model divides KG into multiple levels, including the preferences of users at different levels so as to tap the potential interests of users. However, because users have different preferences for different layers of KG, RippleNet cannot accurately capture user interests in each layer. The above models also have a common problem: how to obtain the potential feature information between the entity object in the knowledge graph and the item that needs to be predicted. Regarding the limitations of existing problems, this paper proposes a deep network framework (AKNEI) based on multiattention mechanism joint graph embedding, which uses KGE to assist in recommendation tasks. Recommendation tasks and KGE tasks are highly related to each other. The ISL layer embeds the KG entity formed by the user interaction history with the project to supplement and share information. The high-order features extracted by the multi-layer cross feature fusion network are fused with the information extracted by the ripple network of the attention mechanism to form an end-to-end model. This article makes the following contributions:
(1)
We designed an ISL layer between KGE and recommendation tasks to connect KGE and recommendation tasks for feature sharing, automatically transfer interactive information during training, and obtain implicit semantics of entities and items. The ISL layer improves the model’s anti-noise and generalization capabilities.
(2)
We propose a cross feature fusion network that can explicitly extract features. This method can perform high-level explicit cross fusion of features, and the interaction of features occurs at the vector level, which reduces the number of parameters compared with the traditional neural network model that occurs at the element level. The network can retain the key information of each layer during the propagation process, preventing key information from being lost during the propagation process.
(3)
Based on the ISL layer, we designed a multilayered corrugated network based on multihead attention, which can consider the changes in users’ interests at different levels and achieve more accurate recommendations. Finally, combined with the cross feature fusion layer for high-order feature interaction, the shared information between KG entities and items can be fully utilized. We conducted experiments on multiple datasets, and good results were achieved on both large-scale and small datasets.

2. AKNEI Model

In this part, the proposed AKNEI model is introduced, and we give a detailed explanation of our research methods and details.

2.1. Problem Statement

In the recommendation model combined with the KG graph, given a set U = u 1 , u 2 , u n with n users and a set V = v 1 , v 2 , v n with n items. The interactive information between the user and the item constitutes a matrix Y = y w v u U , v V . When y u v = 1 , it indicates that there have been historical interactions between users and items, such as watching, collecting and playing. Conversely, y u v = 0 means that the user has never interacted with the item. The knowledge graph G existing in the model is connected by entity relationships to form G = { h , r , t } , where h E is the head of the graph, t E is the tail of the graph, E = e 1 , e 2 , is the entity set of the knowledge graph, and r R and R = r 1 , r 2 , are the relationships between entities. For example, Mark Osborne, the director of the movie Kung Fu Panda, also made the movie The Little Prince. The two movies can be regarded as entities in a KG, and the common director can be regarded as the relationship between entities. Our goal is to use the interaction matrix Y and the knowledge graph G to analyze the user’s behavior and predict the items V that the user is interested in, and these are items that users may like but with which they have never had historical interactions. The prediction function is y ^ u v = F ( u , v ; θ , Y , G ) , and y ^ u v is the possible interaction probability between user u and item v, where θ is the parameter of the prediction function F.

2.2. Model Framework

The overall framework of our proposed AKNEI is shown in Figure 1. The input of the recommendation layer is user and item embedding, and the input of the KG layer is a triple graph G. The recommendation module is a set ( h , r , t ) 1 , ( h , r , t ) n k ( k = 1 , 2 , n ) of ripple graphs composed of user click history, where k is a ternary set of knowledge graphs of each layer of ripples. These collections interact with item embeddings, and the attention module is used to extract each layer of interactive information to form embeddings. CIN conducts high-level interactions with the item embeddings on the user preferences of each layer of the ripple network, forms the final embedding with the information extracted by the attention, and finally makes predictions. The ISL layer establishes a low-level information-sharing channel between the recommendation task and KGE, which can automatically learn feature interaction and complement information.

2.3. Information-Sharing Layer (ISL)

The ISL layer can implicitly interact the item information in the recommendation task with the entity information in the KG, and it can also supplement the two parts of the information. The design comes from [12]. As shown in Figure 2, for entity e in item v and the KG, its features v l R d and e l R d where d is the hidden layer dimension, their interaction process is
S l = v l e l T = v l 1 e l 1 v l 1 e l d v l d e l 1 v l d e l d
S l T = e l v l T = e l 1 v l 1 e l 1 v l d e l d v l 1 e l d v l d
Among them, S l R d × d . Through this interaction process, the information between the item and the entity is shared, and the feature interaction is displayed and modeled. Using this matrix as the input of the next layer of interaction, the process is as follows:
v l + 1 = w l V V S l + w l E V S l T + b l V + v 1 + e 1
e l + 1 = w l V E S l + w l E E S l T + b l E + v 1 + e 1
where w l R d and b l R d are trainable weights and bias terms, respectively. Through this operation, the interactive matrix space R d × d is compressed into the vector space R d . The ISL layer usually has a better information interaction effect at the lower layer of the network. The deeper the network layer, the more special the higher-order features, and the transferability is significantly reduced [13].

ISL Analysis

We next introduce the models related to the ISL layer theory to prove the feature interaction capabilities of ISL and explain them conceptually.
Factorization machine (FM) The factorization machine [14] is a commonly used method in recommendation systems. FM uses factorization to interactively model the input features and has a good estimate of the sparse problem. The equation of the 2-degree factorization machine model is
y ^ ( x ) = y 0 + i = 1 d w i x i + i = 1 d j = i + 1 d p i , p j x i x j
Denote the i-th value of the input vector x as x i , p is the weight of the input vector, and · , · represents the dot product calculation between vectors. The above formula is similar to the 1-layer ISL. The L1-norm formula for the interaction of V 1 and e 1 is as follows:
v 1 1 = i = 1 d j = 1 d w i , w j v i e j e 1 1 = i = 1 d j = 1 d w i , w j e i v j
where w i , w j = w i + w j is the sum of scalars; below, we provide the proof of the above formula. Without retaining the previous layer of information, the formula is written as follows:
When l = 1
v 1 = v e T w 0 V V + e v T w 0 E V + b 0 V = v 1 i = 1 d w 0 V V ( i ) e i v d i = 1 d w 0 V V ( i ) e i T + e 1 i = 1 d w 0 E V ( i ) v i e d i = 1 d w 0 E V ( i ) v i + b 0 V ( 0 ) b 0 V ( d ) T
The L1-norm of V is
v 1 1 = j = 1 d v j i = 1 d w 0 V V ( i ) e i + j = 1 d e j i = 1 d w 0 E V ( i ) v i + i = 1 d b 0 V d = i = 1 d j = 1 d w 0 E V ( i ) + w 0 V V ( i ) v i e j + i = 1 d b 0 V ( d )
The proof for e 1 is similar.
Different from FM, the FM parameter is the dot product of the interaction vector weight parameters, while ISL is the sum of the weight parameters. Compared to FM, the total amount of parameters decreases.
Cross-stitch network Cross-stitch network [12] units can establish sharing between two tasks, and at the same time, carry out a specific representation of the two tasks:
y ^ N i j y ^ M j = δ N N δ N M δ M N δ M M y N i j y M i j
where y n and y m are given two task maps, d e l t a is the weight between the two task graphs, and i and j are shown at position ( i , j ) in the figure. Input is provided for the next layer of filters through linear combinations. This is similar to our ISL unit. Without considering the bias, we can write the ISL in the following form:
v l + 1 e l + 1 = w l V V e l T w l E V v l T w l V E e l T w l E E v l T v l e l
Similar to cross-stitch networks, the ISL unit can adapt to specific tasks through weight distribution and obtain shared information between different tasks.

2.4. KG Layer

The knowledge graph module expresses the node and the association between nodes in the KG graph in the form of vectors. There are many methods based on KGE, such as the relationship embedding of Antoine Bordes et al. [15], and the entity relationship embedding model used by Yankai Lin and others for knowledge graph completion [16], Hanxiao Liu et al.’s multirelation embedding model [17] and Maximilian Nickel’s holographic embedding model of knowledge graphs [18]. Their models have brought us different knowledge graph embedding methods. Our model uses the characteristics of the head node h and uses the relationship r between the nodes in the knowledge graph to predict the tail node t. The operation is as follows:
O ( x ) = σ ( W x + b )
O l ( x ) = O ( O ( O ( x ) )
h l = N v S ( h ) { I ( v , h ) }
t ^ l = O l h l , r l
where σ ( ) is a nonlinear activation function and S ( h ) is the set of all nodes h in KG, N is the set of entities associated with h. Here, we briefly describe the interaction process through the ISL layer as I ( v , h ) , and function f K G is the score function:
score ( h , r , t ) = f K G ( t , t ^ ) = σ ( t · t ^ )

2.5. Attention Ripple Layer

This layer belongs to the recommendation module in the AKNEI framework, which uses the dissemination of user preferences on the KG and is an improvement on the framework proposed by RippleNet [6]. The principle of corrugated layer propagation is to start from a clicked entity and extend outward along the different relationships between entities. As the process of outward propagation, the correlation between entities gradually declines, similar to the formation of water droplets on the water surface to form outward diffusion corrugation; the smaller the outer layer, the smaller the corrugation, as shown in Figure 3. The KG is used to spread user preferences in layers [6]. Considering that the preferences of physical users in each hop (each layer) are different, we add a multihead attention mechanism [19] to assign different weights to each layer. This makes the model more accurate in predicting user preferences. The multihead attention mechanism has excellent performance in modeling complex relationships. For example, machine translation [20] and sentence embedding [21] have shown excellent performance, and they have also been applied in the similarity capture of graph embedding nodes [22]. We are given an interaction matrix Y = I ( v , h ) and a knowledge graph G. The user’s entity composition set at the k layer is as follows:
ξ u k = h ( h , r , t ) G , h ξ u k 1 , k = 1 , 2 , 3 , , N
where ξ u 0 = V u = v y u v = 1 is the collection of items that the user has interacted with, which can be regarded as the 0th layer in the ripple. The k-th jump obtains the ripple set as ξ u k , which is derived from the upper layer set ξ u k 1 in the ripple diagram:
Q u k = g ( h , r , t ) ( h , r , t ) G , h , t ξ u k 1 , k = 1 , 2 , 3 , , N
As shown in Figure 1, item v comes from item embedding v R d , and the item v is merged with the head node h i and the relationship r i in each triplet h i , r i , t i in the ripplenet network ξ u k to allocate the association probability:
p i = softmax v T R i h i = exp v T R i h i ( h , r , t ) S u 1 exp v T R h
here R i R d × d is the embedding of relation r i , h i R d is the embedding of h i , and p i is the similarity between item v and head node h in relation space R i . Probabilistically weight the similarity with the tail node t in Q u 1 :
b u 1 = h i , r i , t i Q u 1 p i t i
where t i R d is the embedding of the tail node t i , and the vector b u 1 is the correspondence of user’s u click history v u to item v. Performing the above operations for each layer of the corrugated network can obtain the second and nth layer responses b u 2 and b u n . The difference from RippleNet is that we input the corresponding input of each layer to the multihead attention module instead of simply adding them. The correlation between any two layers b u k and b u k + 1 in the above is defined under the attention head i. The specific operations are as follows:
α k , k + 1 ( i ) = exp ψ ( h ) b u k , b u k + 1 k = 1 M exp ψ ( h ) b u m , b u 1
ψ ( i ) b u k , b u k + 1 = W Value ( i ) b u k , W Key ( i ) b u k + 1
where ψ ( i ) ( · , · ) is a similarity function, which can be a neural network or an inner product. In the model, we use the inner product because it is simple and efficient. W Value ( i ) , W Key ( i ) R d × d the transformation matrix that maps the original space R d to the new feature space R d . Next, we update the b u k + 1 feature under the i space of the attention head by combining the coefficient α k , k + 1 ( i ) of all relevant features:
b ˜ u ( i ) k + 1 = k = 1 M α k , k + 1 ( i ) W Value ( i ) b u k + 1
where b ˜ u ( i ) k + 1 is the feature updated in i space, W Value ( i ) R d × d .
For the situation where there are multiple combinations of multiple features, multiple heads are used to create different head spaces for different feature interactions. The combined features in all subspaces are as follows:
b ˜ u k + 1 = b ˜ u 1 k + 1 b ˜ u 2 k + 1 b ˜ u i k + 1
where ⊕ is a connection symbol that connects multiple vectors into one vector and i is the input head in the multihead attention mechanism. Finally, we retain the original combined features and obtain
b u Res k + 1 = ReLU b ˜ u k + 1 + W Res b u k + 1
y ^ = σ w T b ˜ u Res 1 b ˜ u Res 2 b ˜ u Res k + b bias
where W Res R d i × d is the item matrix in the case of dimensional mismatch [23], w T is the weight matrix, b b i a s is the amount of paranoia, and σ = 1 / 1 + e x converts the value to the user’s click-through rate. We can stack multiple such interactive layers for feature update, and the input of the current network layer is the output of the previous network layer so that multilayer features can be modeled. The multihead attention block diagram is shown in Figure 4. For an explanation, see [24].

2.6. Cross Feature Fusion Network (CFFN)

At present, traditional neural DNNs [11], CNNs [25] and other networks are used to automatically learn feature interaction models, most of which are based on the framework of factorization machines [14,26,27], and multilayer fully connected neural networks are used for automatic feature learning. For high-level interactions, however, the implicit interaction process is unexplainable and unknown. Feature interaction is at the element level, and the amount of parameters is obviously more than that at the feature level, which does not conform to the original idea of the factorization machine. The cross-feature fusion module performs explicit feature interaction and has good interpretability. The feature is interaction at the vector level, and the amount of parameters is relatively small [28]. In the process of propagation, the network can retain the key information of each propagation layer and finally aggregate it so as to prevent the loss of key feature information during the propagation process. The cross feature fusion module is shown in Figure 5. The specific operations are as follows:
X 1 = W m × d b u 1
X h , k = i = 1 H k 1 j = 1 m W i j k , h X i , k 1 X j , n
where W m × d is a mapping matrix. The product operation of vector b u 1 and matrix W m × d can map vector b u 1 to m × d -dimensional space, X j , 1 is the j-th column vector of the embedding matrix X 1 , X j , n is the embedding vector 1 n < k of the ripple network corresponding to the CFFN propagation layer, X k R H k × d is the kth layer output matrix in the cross feature fusion network, and the number of feature vectors is expressed as H k . Set the first layer to H 0 = m , 1 h H k , and W i j k , h R H k 1 × m to be the parameter matrix of the h-th eigenvector. ∘ represents the Hadamard product, for example, a 1 , a 2 b 1 , b 2 = a 1 b 1 , a 2 b 2 . The number of cross feature fusion layers determines the degree of high-order feature interaction. The pooling operation connects the output layer and the hidden layer, so the output of each layer depends on the previous hidden layer and additional layers. Therefore, it can be ensured that the output unit can obtain characteristic interaction modes of different orders. The above formula is closely related to the CNN, as shown in Figure 5. The intermediate tensor Z k + 1 is introduced, which is the outer product of the hidden layer X k 1 and the n-th ripple propagation embedding matrix X n . This tensor is similar to the graph in CNN, the embedding dimension d can be seen as the number of channels, and W k , h is a filter that extracts the features of the d layer to obtain the hidden vector X i , k + 1 . Figure 1 shows the propagation process of the cross feature fusion network in the model. We set the maximum number of layers as T and then k [ 1 , T ] and connect all the layers as follows:
φ i k = j = 1 d X i , j k
where i 1 , H k , the pooling vector of length H k in the kth layer is φ k = φ 1 k , φ 2 k , , φ H k k , and the connection between the hidden layer and the output layer is expressed as
φ + = 1 2 φ 1 , φ 2 , , φ T R i = 1 T H i
The final prediction result is
y ^ = 1 1 + exp φ + w o
where w o is the regression parameter.

Cross Feature Fusion Network Analysis

In this part, we discussed the interactive characteristics of the cross feature fusion network. We first set the number of features of the hidden layer and the number of fields m to be equal. The first layer contains h feature maps, and its formula can be written as
x h 1 = i [ m ] j [ m ] W i , j 1 , h x i 0 x j 0
where [ m ] is a positive integer less than m. It can be seen in the formula that each feature model of the first layer has a paired interaction with O m 2 coefficients. In the same way, the second layer is calculated as follows:
x h 2 = i [ m ] j [ m ] W i , j 2 , h x i 1 x j 1 = i [ m ] j [ m ] l [ m ] k [ m ] W i , j 2 , h W l , k 1 , i x i 0 x k 0 x l 0
Our purpose is to prove that the number of cross feature fusion network parameters is only O ( km 3 ) , while the parameters of the classical k-order polynomial are O ( m 3 ) . The feature mapping of the K layer can be summarized as
x h k = i [ m ] j [ m ] W i , j k , h x i k 1 x j 0 = i [ m ] j [ m ] r [ m ] l [ m ] t [ m ] s [ m ] W i , j k , h W l , s 1 , i ( x j 0 x s 0 x l 0 k vectors )
Let β = β 1 , , β m N d denote multiple index information, then | β | = i = 1 m β i . Because the 0th layer is used to represent the final feature map, we replace x i 0 with x i for convenience. Superscripts are used to denote operations, such as x i 3 = x i x i x i . Let F φ k ( X ) be a polynomial of degree k containing multiple vectors:
F φ k ( X ) = β w β x 1 β 1 x 2 β 2 x m β m | 2 | β | k |
The parameter of the above classical vector polynomial is O m k , and the cross feature fusion network parameter formula is as follows:
w ^ β = i = 1 m j = 1 m Q P β t = 2 | β | W i , Q t t , j
where Q = Q 1 , Q 2 , , Q | β | is a multi-index and P | β | is the permutation set of all indices.

2.7. Learning Algorithm

We combine each module to form the complete loss function as
L = L C I N + L R i p p l e + L K G = u U , v V J y ^ u v , y u v + 1 2 r R λ 1 I r λ 1 E T R E 2 2 + 1 2 λ 2 V 2 2 + λ 2 E 2 2 + λ 2 r R R 2 2
where V represents the item embedding matrix, E represents the entity embedding matrix, I r is the slice of the embedding tensor I in the KG representing the relationship r, and the relevant information r in KG is embedded in the matrix to obtain R. In the first term, J ( , is the loss function between the calculated real data value y ^ u v and the model prediction value y ^ u v , called cross entropy loss. The second term is the square error between the true value in the KG and the reconstruction matrix. The last item is a regularization term to prevent overfitting.
The optimization algorithm we choose is stochastic gradient descent (SGD). To improve computational efficiency, ref. [29] provided us with a negative sampling strategy, which can improve sampling efficiency. We apply the parameter analysis of the specific model in the experimental part.

3. Links to Existing Work

In this section, we introduce the difference between related work and our method. At present, deep learning is increasingly widely used in recommendation systems, and it has good performance in many recommendation scenarios to fit the interaction behavior of users and items into the neural network model [11]. For example, neural collaborative filtering [30] is used for the high-level interaction of users and items. Our method differs from the above methods in terms of high-level feature interaction. The cross feature fusion network is different from traditional neural networks. The displayed feature interaction has good interpretability, and its feature interaction effectively reduces the number of parameters at the vector level.
The interpretability in the recommendation system refers to the reason why the user likes a certain item. By analyzing the reason, a more accurate personalized recommendation result can be put forward for the user. At present, interpretability is generally based on community tags [31], social networks [32], and emotional semantics [33,34]. In the recommendation module, RippleNet is based on a KG to find user interests. It has strong interpretability by tracking user history and the path of related items [6]. Our feature interaction layer uses a feature matrix method similar to MKR [35] and RuleRec [36] to achieve the complementarity of KG information and recommended information. The existence of the ISL layer makes our model share implicit information. Our method can be regarded as a multitask framework, using a KG for auxiliary recommendation, which can automatically transfer information and learn feature interactions.

4. Experiment

4.1. Public Datasets

  • MovieLens-1M (https://grouplens.org/datasets/movielens/1m/ accessed on 1 December 2022): It is a widely used movie recommendation dataset. It includes approximately 1 million ratings from 6040 users on 3706 movies, with ratings ranging from 1 to 5.
  • MovieLens-20M (https://grouplens.org/datasets/movielens/20m/ accessed on 1 December 2022): It is a dataset belonging to the MovieLens website, which contains the rating data of approximately 20 million users, with rating values ranging from 1 to 5.
  • Book-Crossing (http://www2.informatik.uni-freiburg.de/cziegler/BX/ accessed on 1 December 2022): It is a benchmark dataset for book recommendation, which contains approximately 1.1 million ratings of 270,000 books by 90,000 users, with ratings ranging from 1 to 10.
  • Last.FM (https://grouplens.org/datasets/hetrec-2011/ accessed on 1 December 2022): It is a dataset of an online music website that contains the listening information of 2000 users.
We need to preprocess the above datasets before the experiment. For the MovieLens-1M and MovieLens-20M datasets, we use a score greater than or equal to 4 as positive feedback. Book-Crossing and Last.FM consider sparsity for the question; listening information and scoring information are regarded as positive feedback. Microsoft Satori is used as the KG construction engine to extract knowledge triples. Detailed information about the dataset is shown in Table 1.

4.2. Baseline Model

We compare the model proposed in this article with the following baseline model one by one:
  • LibFM [37]: It combines general features with a near factorization model to make recommendations.
  • PER [8]: A network that combines items and users and the interactive information between them.
  • Wide & Deep [11]: A classic model combined with DNN neural network.
  • DKN [7]: It is a news recommendation that uses multichannel and word-aligned methods to integrate CNNs.
  • RippleNet [6]: The network forms a multi-layer knowledge graph network through the user’s interaction history through similar category information, and captures user preference information at different levels.
  • MKR [35]: It is a feature model that combines multiple tasks, in which the KG is used as an auxiliary for recommendation tasks.
  • KGCN [38]: It uses the relationship attributes of the KG to mine the associations of items to learn the potential interests of users.
  • Ripp-MKR [39]: This model is an end-to-end recommendation method incorporating knowledge graph embeddings, which enhances the representation of latent information.
  • CAKR [40]: A new method is designed to optimize the feature interaction between items and corresponding entities in knowledge graphs, and a feature intersection unit combined with the attention mechanism is proposed to enhance the recommendation effect.

4.3. Experimental Setup

We set the corresponding hyperparameters for the four datasets. As shown in Table 2, other baseline hyperparameters default to their original settings. The parameter d in the table is the embedding dimension of the model, parameter H is the number of layers of the RippleNet, η represents the learning rate of the recommended task, μ is the weight of the KG, and λ represents the L2 regularization weight. In terms of evaluation indicators, we use AUC and ACC to evaluate our model. The AUC is an important indicator for evaluating the quality of a classifier. The higher the AUC and ACC values, the better. Divide the dataset at a ratio of 6:2:2.

4.4. Experimental Results

We performed click-through rate (CTR) predictions of different models on the 4 datasets. In the top-K recommendation, we choose Recall@ as the evaluation indicator of the model. We show the experimental results in Table 3 and Figure 6 in the form of tables and graphs respectively. The experimental analysis is as follows:
  • Compared with other baselines, DKN has the worst performance. Whether it is on movie data with large data volumes or small and sparse music and book datasets, its performance is not satisfactory. DKN entity embedding before input cannot participate in the learning process.
  • From the comparison experiment, PER performs better than DKN on each dataset but the performance is not good enough compared to other baselines. The reason is that the metapath defined by the PER has difficulty achieving the optimal value and cannot integrate heterogeneous relationship information.
  • The performance of LibFM and Wide&Deep is relatively good on the four datasets. It shows that the model has a high information utilization rate for KG, and can extract relevant information well to improve recommendation performance.
  • RippleNet has shown excellent performance, which shows that it has a significant effect in capturing user preferences. From the comparison of the four datasets, RippleNet has reduced performance in the case of sparse data and has a strong dependence on data density.
  • Compared with the MKR and the KGCN, the KGCN is more sensitive to the sparsity of data and performs weaker on sparse book datasets, but the KGCN performs better than the MKR on datasets with large data volumes, indicating that the KGCN is more suitable for obtaining large data on recommended occasions.
  • CAKR benefits from its improved interaction module, and the feature intersection unit of the attention mechanism has certain advantages in complementing information. Therefore, the model performs better on sparse datasets.
  • It can be seen from the experimental results that the AKNEI model proposed in this paper performs better than the baseline model mentioned above on the four datasets. In the MovieLens-20M dataset, the AUC increases by 1.1–18.6%, and the ACC increases by 2.3–19.9%. AUC in MovieLens-1M increases by 1.6–29.3%, ACC increases by 1.9–30.7%, AUC increases by 0.5–16.1% in Book-Crossing, ACC increases by 0.2–14.7%, Last.FM AUC increases by 3.1–26.6%, and ACC increases by 0.7–23.1%. This proves that our model has a higher utilization of user behavior data.

4.5. Influence of Different Modules

4.5.1. Impact of ISL Module, Cross Feature Fusion Network Module and RippleNet Module

In this part, we analyze the performance of each module in the datasets Movielens-1M and Last.FM. The results are shown in Figure 7. For the Last.FM dataset, the cross feature fusion network layer has the greatest impact on the model, indicating that the cross feature fusion network can alleviate the problem of data sparseness to a certain extent. For MovieLens-1M with more data, the performance of the ISL layer is better, indicating that the interaction between the item and the entity can obtain more valuable information. Through the comparison of the two datasets, the RippleNet and the ISL modules are more sensitive to the sparsity of the data, but they perform better when the amount of data is relatively abundant. The AKNEI model integrates the advantages of each module, which makes the model more generalized and able to achieve better performance in different recommended scenarios.

4.5.2. Impact of RippleNet Layers and Attention Module

In this part, we analyze the number of layers of RippleNet and the influence of the attention module on model performance. As shown in Table 4, by changing RippleNet layer number H, we observe the performance changes. The model performance is best when H is 3. This phenomenon is attributed to the reality that the user’s interest information will decrease as the graph propagates. At longer distances, the influence of noise will be greater than the effective information. When the distance is too close, it is difficult to dig out relevant information and dependencies between entities. Table 5 shows the influence of the attention module. It is not difficult to see that the addition of the attention module improves the performance of the model. This is because the attention module adds different weights to each layer of information to distinguish users’ preferences for different layers.

4.6. Parametric Analysis

In this part, we discuss the impact of embedding dimensions and KGE weights on model performance without changing other parameters.

4.6.1. Impact of Embedding Dimension

We conducted an experimental analysis on the relationship between the size of the embedding dimension and the expressive power of the model. The change of the model with the embedding dimension is shown in Figure 8; the performance of the model will increase as the embedding dimension increases, and will decrease after reaching the critical point. Because a larger dimensional embedding can increase the expressiveness of the model, but the model will fit more noise, too-high dimensional embedding will cause the model to appear as over-fitting.

4.6.2. Impact of KEG Weight

As shown in Figure 9, the performance of the model shows a trend of first rising and then falling as the KGE weight increases. This is because a small weight will make the regularization constraint of the KGE term too small and cause overfitting of the model, while too large a weight will cause the objective function to be misled by KGE and deviate from the true value.

4.7. Sensitivity Analysis of the Model to Data Sparseness

Next, we conduct experimental analysis on the performance of the model in different sparse environments. The purpose is to analyze the model’s ability to deal with data sparsity and alleviate cold-start problems. We conduct experimental comparisons under the M dataset. From the experimental results in Table 6, reduce the number of training sets to 30%, 60%, and 90% input model. It can be concluded that when the amount of data in the training set decreases, the performance of all models will decrease accordingly. In the amount of data decreases during training, the MKR model has better performance, and the AUC performance compared to the full training set decreases by 4.5%, 2.2%, and 0.7%, respectively, and ACC is 5.5%, 3.5%, and 0.1%. The AKNEI model corresponds to AUC reduction rates of 3.8%, 2.5%, and 0.4%, respectively, while the ACC is 4.3%, 3.1%, and 0.2%. The AKNEI still shows good performance, even when the data are sparse.

5. Conclusions and Future Work

The model proposed in this paper, AKNEI, is an end-to-end learning framework that combines a KG and neural networks. It obtains the implicit interaction of low-level features between KG entities and items through the ISL layer and uses the corrugated network and a cross feature fusion network layer for feature analysis. It has high-level display interaction. The KG layer plays an auxiliary recommendation role in the learning process and can be optimized for specific recommendation tasks. Through the evaluation of multiple public datasets, it can be seen that the recommendation performance of AKNEI in different scenarios is better than other baseline models. Our model can achieve good performance regardless of movie recommendations with large data volumes or music recommendations with small data volumes. This shows that AKNEI is suitable for recommendation tasks in a variety of different scenarios. The AKNEI model also shows good performance when addressing the data sparseness and cold-start problems that are common in recommender systems.
In future work, we will (1) use a nonuniform sampler to spread preferences to better tap the potential interests of users and (2) embed heterogeneous networks into the model framework to more fully extract KG semantic information.

Author Contributions

Conceptualization, J.Q.; Methodology, S.D.; Software, X.W.; Validation, S.D., X.W. and R.W.; Formal analysis, J.Q.; Investigation, X.W. and R.W.; Resources, J.Q.; Writing—original draft, S.D.; Writing—review & editing, R.W. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the Science Fund for Outstanding Youth of Xinjiang Uygur Autonomous Region under Grant No. 2021D01E14, the National Science Foundation of China under Grant No. 61867006, The Major science and technology project of Xinjiang Uygur Autonomous Region under Grant No. 2020A03001, the Innovation Project of Sichuan Regional under Grant No. 2020YFQ2018 and the Key Laboratory Open Project of Science & Technology Department of Xinjiang Uygur Autonomous Region named Research on Video Information Intelligent Processing Technology for Xinjiang Regional Security.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The datasets generated and/or analyzed during the current study are available from the corresponding author on reasonable request.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Koren, Y.; Bell, R.; Volinsky, C. Matrix factorization techniques for recommender systems. Computer 2009, 42, 30–37. [Google Scholar] [CrossRef]
  2. Jamali, M.; Ester, M. A matrix factorization technique with trust propagation for recommendation in social networks. In Proceedings of the fourth ACM conference on Recommender Systems, Barcelona, Spain, 26–30 September 2010; pp. 135–142. [Google Scholar]
  3. Wang, H.; Zhang, F.; Hou, M.; Xie, X.; Guo, M.; Liu, Q. Shine: Signed heterogeneous information network embedding for sentiment link prediction. In Proceedings of the Eleventh ACM International Conference on Web Search and Data Mining, Marina Del Rey, CA, USA, 5–9 February 2018; pp. 592–600. [Google Scholar]
  4. Sun, Y.; Yuan, N.J.; Xie, X.; McDonald, K.; Zhang, R. Collaborative intent prediction with real-time contextual data. ACM Trans. Inf. Syst. (TOIS) 2017, 35, 1–33. [Google Scholar] [CrossRef]
  5. Huang, J.; Zhao, W.X.; Dou, H.; Wen, J.R.; Chang, E.Y. Improving sequential recommendation with knowledge-enhanced memory networks. In Proceedings of the The 41st International ACM SIGIR Conference on Research & Development in Information Retrieval, Ann Arbor, MI, USA, 8–12 July 2018; pp. 505–514. [Google Scholar]
  6. Wang, H.; Zhang, F.; Wang, J.; Zhao, M.; Li, W.; Xie, X.; Guo, M. Ripplenet: Propagating user preferences on the knowledge graph for recommender systems. In Proceedings of the 27th ACM International Conference on Information and Knowledge Management, Torino, Italy, 22–26 October 2018; pp. 417–426. [Google Scholar]
  7. Wang, H.; Zhang, F.; Xie, X.; Guo, M. DKN: Deep knowledge-aware network for news recommendation. In Proceedings of the 2018 World Wide Web Conference, Lyon, France, 23–27 April 2018; pp. 1835–1844. [Google Scholar]
  8. Yu, X.; Ren, X.; Sun, Y.; Gu, Q.; Sturt, B.; Khandelwal, U.; Norick, B.; Han, J. Personalized entity recommendation: A heterogeneous information network approach. In Proceedings of the 7th ACM International Conference on Web Search and Data Mining, New York, NY, USA, 24–28 February 2014; pp. 283–292. [Google Scholar]
  9. Zhao, H.; Yao, Q.; Li, J.; Song, Y.; Lee, D.L. Meta-graph based recommendation fusion over heterogeneous information networks. In Proceedings of the 23rd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Halifax, NS, Canada, 13–17 August 2017; pp. 635–644. [Google Scholar]
  10. Wang, Q.; Mao, Z.; Wang, B.; Guo, L. Knowledge graph embedding: A survey of approaches and applications. IEEE Trans. Knowl. Data Eng. 2017, 29, 2724–2743. [Google Scholar] [CrossRef]
  11. Cheng, H.T.; Koc, L.; Harmsen, J.; Shaked, T.; Chandra, T.; Aradhye, H.; Anderson, G.; Corrado, G.; Chai, W.; Ispir, M.; et al. Wide & deep learning for recommender systems. In Proceedings of the 1st Workshop on Deep Learning for Recommender Systems, Boston, MA, USA, 15 September 2016; pp. 7–10. [Google Scholar]
  12. Misra, I.; Shrivastava, A.; Gupta, A.; Hebert, M. Cross-stitch networks for multi-task learning. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 July 2016; pp. 3994–4003. [Google Scholar]
  13. Yosinski, J.; Clune, J.; Bengio, Y.; Lipson, H. How transferable are features in deep neural networks? arXiv 2014, arXiv:1411.1792. [Google Scholar]
  14. Guo, H.; Tang, R.; Ye, Y.; Li, Z.; He, X. DeepFM: A factorization-machine based neural network for CTR prediction. arXiv 2017, arXiv:1703.04247. [Google Scholar]
  15. Bordes, A.; Usunier, N.; Garcia-Duran, A.; Weston, J.; Yakhnenko, O. Translating embeddings for modeling multi-relational data. In Proceedings of the NIPS’13: Proceedings of the 26th International Conference on Neural Information Processing Systems, Lake Tahoe, NV, USA, 5–10 December 2013; Volume 26. [Google Scholar]
  16. Lin, Y.; Liu, Z.; Sun, M.; Liu, Y.; Zhu, X. Learning entity and relation embeddings for knowledge graph completion. In Proceedings of the Twenty-Ninth AAAI Conference on Artificial Intelligence, Austin, TX, USA, 25–30 January 2015. [Google Scholar]
  17. Liu, H.; Wu, Y.; Yang, Y. Analogical inference for multi-relational embeddings. In Proceedings of the International Conference on Machine Learning. PMLR, Sydney, Australia, 6–11 August 2017; pp. 2168–2178. [Google Scholar]
  18. Nickel, M.; Rosasco, L.; Poggio, T. Holographic embeddings of knowledge graphs. In Proceedings of the AAAI Conference on Artificial Intelligence, Phoenix, AZ, USA, 12–14 February 2016; Volume 30. [Google Scholar]
  19. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the Advances in Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; pp. 5998–6008. [Google Scholar]
  20. Wu, Y.; Schuster, M.; Chen, Z.; Le, Q.V.; Norouzi, M.; Macherey, W.; Krikun, M.; Cao, Y.; Gao, Q.; Macherey, K.; et al. Google’s neural machine translation system: Bridging the gap between human and machine translation. arXiv 2016, arXiv:1609.08144. [Google Scholar]
  21. Rendle, S.; Freudenthaler, C.; Schmidt-Thieme, L. Factorizing personalized markov chains for next-basket recommendation. In Proceedings of the 19th International Conference on World Wide Web, Raleigh, NC, USA, 26–30 April 2010; pp. 811–820. [Google Scholar]
  22. Veličković, P.; Cucurull, G.; Casanova, A.; Romero, A.; Lio, P.; Bengio, Y. Graph attention networks. arXiv 2017, arXiv:1710.10903. [Google Scholar]
  23. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  24. Song, W.; Shi, C.; Xiao, Z.; Duan, Z.; Xu, Y.; Zhang, M.; Tang, J. Autoint: Automatic feature interaction learning via self-attentive neural networks. In Proceedings of the 28th ACM International Conference on Information and Knowledge Management, Beijing, China, 3–7 November 2019; pp. 1161–1170. [Google Scholar]
  25. Kim, D.; Park, C.; Oh, J.; Lee, S.; Yu, H. Convolutional matrix factorization for document context-aware recommendation. In Proceedings of the 10th ACM Conference on Recommender Systems, Boston, MA, USA, 15–19 September 2016; pp. 233–240. [Google Scholar]
  26. Zhang, W.; Du, T.; Wang, J. Deep learning over multi-field categorical data. In Proceedings of the European Conference on Information Retrieval, Padua, Italy, 20–23 March 2016; Springer: Berlin/Heidelberg, Germany, 2016; pp. 45–57. [Google Scholar]
  27. Qu, Y.; Cai, H.; Ren, K.; Zhang, W.; Yu, Y.; Wen, Y.; Wang, J. Product-based neural networks for user response prediction. In Proceedings of the 2016 IEEE 16th International Conference on Data Mining (ICDM), Barcelona, Spain, 12–15 December 2016; pp. 1149–1154. [Google Scholar]
  28. Lian, J.; Zhou, X.; Zhang, F.; Chen, Z.; Xie, X.; Sun, G. xdeepfm: Combining explicit and implicit feature interactions for recommender systems. In Proceedings of the 24th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, London, UK, 19–23 August 2018; pp. 1754–1763. [Google Scholar]
  29. Mikolov, T.; Sutskever, I.; Chen, K.; Corrado, G.S.; Dean, J. Distributed representations of words and phrases and their compositionality. In Proceedings of the Advances in Neural Information Processing Systems, Lake Tahoe, NV, USA, 5–10 December 2013; pp. 3111–3119. [Google Scholar]
  30. He, X.; Liao, L.; Zhang, H.; Nie, L.; Hu, X.; Chua, T.S. Neural collaborative filtering. In Proceedings of the 26th International Conference on World Wide Web, Perth, Australia, 3–7 April 2017; pp. 173–182. [Google Scholar]
  31. Vig, J.; Sen, S.; Riedl, J. Tagsplanations: Explaining recommendations using tags. In Proceedings of the 14th International Conference on Intelligent User Interfaces, Sanibel Island, FL, USA, 8–11 February 2009; pp. 47–56. [Google Scholar]
  32. Sharma, A.; Cosley, D. Do social explanations work? Studying and modeling the effects of social explanations in recommender systems. In Proceedings of the 22nd international conference on World Wide Web, Rio de Janeiro, Brazil, 13–17 May 2013; pp. 1133–1144. [Google Scholar]
  33. Bauman, K.; Liu, B.; Tuzhilin, A. Aspect based recommendations: Recommending items with the most valuable aspects based on user reviews. In Proceedings of the 23rd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Halifax, NS, Canada, 13–17 August 2017; pp. 717–725. [Google Scholar]
  34. Zhang, Y.; Lai, G.; Zhang, M.; Zhang, Y.; Liu, Y.; Ma, S. Explicit factor models for explainable recommendation based on phrase-level sentiment analysis. In Proceedings of the 37th International ACM SIGIR Conference on Research & Development in Information Retrieval, Gold Coast, Australia, 6–11 July 2014; pp. 83–92. [Google Scholar]
  35. Wang, H.; Zhang, F.; Zhao, M.; Li, W.; Xie, X.; Guo, M. Multi-task feature learning for knowledge graph enhanced recommendation. In Proceedings of the The World Wide Web Conference, San Francisco, CA, USA, 13–17 May 2019; pp. 2000–2010. [Google Scholar]
  36. Ma, W.; Zhang, M.; Cao, Y.; Jin, W.; Wang, C.; Liu, Y.; Ma, S.; Ren, X. Jointly learning explainable rules for recommendation with knowledge graph. In Proceedings of the The World Wide Web Conference, San Francisco, CA, USA, 13–17 May 2019; pp. 1210–1221. [Google Scholar]
  37. Rendle, S. Factorization machines with libfm. ACM Trans. Intell. Syst. Technol. (TIST) 2012, 3, 1–22. [Google Scholar] [CrossRef]
  38. Wang, H.; Zhao, M.; Xie, X.; Li, W.; Guo, M. Knowledge graph convolutional networks for recommender systems. In The World Wide Web Conference; ACM: New York, NY, USA, 2019; pp. 3307–3313. [Google Scholar] [CrossRef]
  39. Wang, Y.Q.; Dong, L.Y.; Li, Y.L.; Zhang, H. Multitask feature learning approach for knowledge graph enhanced recommendations with RippleNet. PLoS ONE 2021, 16, e0251162. [Google Scholar] [CrossRef] [PubMed]
  40. Huang, W.; Wu, J.; Song, W.; Wang, Z. Cross attention fusion for knowledge graph optimized recommendation. Appl. Intell. 2022, 52, 10297–10306. [Google Scholar] [CrossRef]
Figure 1. AKNEI framework diagram, composed of a KG layer, cross feature fusion network layer and a multilayer corrugated network with attention. Through the ISL layer, an information-sharing channel is established between the KG and the recommendation task, and information sharing is realized at the bottom layer.
Figure 1. AKNEI framework diagram, composed of a KG layer, cross feature fusion network layer and a multilayer corrugated network with attention. Through the ISL layer, an information-sharing channel is established between the KG and the recommendation task, and information sharing is realized at the bottom layer.
Mathematics 11 00724 g001
Figure 2. Information sharing at the ISL layer.
Figure 2. Information sharing at the ISL layer.
Mathematics 11 00724 g002
Figure 3. Ripple propagation diagram. Dots are entities, colors represent different categories, and arrows are the relationships between entities. As the number of hops between entities increases, the correlation decreases.
Figure 3. Ripple propagation diagram. Dots are entities, colors represent different categories, and arrows are the relationships between entities. As the number of hops between entities increases, the correlation decreases.
Mathematics 11 00724 g003
Figure 4. Block diagram of the multihead attention mechanism, where MATMUL is the matrix product, scale is the matrix of different dimensions, softmax is the activation function, and h is the number of heads.
Figure 4. Block diagram of the multihead attention mechanism, where MATMUL is the matrix product, scale is the matrix of different dimensions, softmax is the activation function, and h is the number of heads.
Mathematics 11 00724 g004
Figure 5. Calculating the outer product of X k 1 and X n to obtain the intermediate tensor Z k + 1 , the red mark indicates that the intermediate tensor is compressed into an embedding vector.
Figure 5. Calculating the outer product of X k 1 and X n to obtain the intermediate tensor Z k + 1 , the red mark indicates that the intermediate tensor is compressed into an embedding vector.
Mathematics 11 00724 g005
Figure 6. Recall@K results of multiple baseline models.
Figure 6. Recall@K results of multiple baseline models.
Mathematics 11 00724 g006
Figure 7. Influence of different modules.
Figure 7. Influence of different modules.
Mathematics 11 00724 g007
Figure 8. Dimension of embedding.
Figure 8. Dimension of embedding.
Mathematics 11 00724 g008
Figure 9. KGE weight.
Figure 9. KGE weight.
Mathematics 11 00724 g009
Table 1. Details of four public datasets.
Table 1. Details of four public datasets.
MovieLens-20MMovieLens-1MBook-CrossingLast.FM
#user138,159603617,8601872
#item16,954244514,9673846
#interactions13,501,622753,772139,74642,364
#entities102,569182,01177,9039366
#relations32122560
#KG triples499,47420,78219,87615,518
#sparsity level0.99470.94890.99940.9941
Table 2. Dataset parameter setting.
Table 2. Dataset parameter setting.
DatasetParameters
MovieLens-20Md = 90, H = 3, η = 0.0005, μ = 0.05, λ = 6 × 10 5 , θ = 0.05
MovieLens-1Md = 90, H = 3, η = 0.0005, μ = 0.05, λ = 6 × 10 5 , θ = 0.08
Book-Crossingd = 120, H = 3, η = 4 × 10 6 , μ = 0.5, λ = 5 × 10 5 , θ = 0.09
Last.FMd = 120, H = 3, η = 4 × 10 3 , μ = 0.09, λ = 8 × 10 6 , θ = 0.09
Table 3. The prediction result under the public dataset.
Table 3. The prediction result under the public dataset.
ModelMovielens-20MMovielens-1MBook-CrossingLast.FM
AUCACCAUCACCAUCACCAUCACC
LibFM0.95870.90550.89210.81220.68550.64020.77740.7098
PER0.83410.78930.70550.66210.62380.58840.63210.5963
Wide&Deep0.96350.92210.89880.82030.71230.62450.75640.6887
DKN0.80120.75650.65510.58920.61230.58780.60010.5812
RippleNet0.96750.91220.91150.83230.72540.65010.76580.6891
MKR0.97020.91980.91210.83340.72970.67670.79230.7501
KGCN0.97420.92230.91050.83120.67530.62210.79320.7203
Ripp-MKR--0.92200.84500.74000.71200.79900.7500
CAKR--0.92400.84900.74600.70700.80200.7545
AKNEI0.98510.94470.92710.85030.72830.68870.81770.7554
Table 4. Influence of the number of Ripple layers.
Table 4. Influence of the number of Ripple layers.
H1234
Movielens-20M0.98240.98350.98510.9843
Movielens-1M0.92230.92540.92710.9246
Book-Crossing0.72460.72790.72830.7280
Last.FM0.71670.81730.81770.8169
Table 5. The influence of the attention module.
Table 5. The influence of the attention module.
AKNEIAKNEI w / o ATT
Movielens-20M0.98510.9810
Movielens-1M0.92710.9237
Book-Crossing0.72830.7163
Last.FM0.81770.8097
Table 6. Model performance under different scale M datasets.
Table 6. Model performance under different scale M datasets.
Model30%60%90%
AUCACCAUCACCAUCACC
LibFM0.81650.76520.85010.78630.88640.8126
PER0.62010.58420.66050.58890.70020.6118
Wide & Deep0.80920.75420.84230.78180.88450.8105
DKN0.58920.52310.61890.57670.64620.5997
RippleNet0.86230.80120.87960.81550.90870.8305
MKR0.87920.79520.89090.81230.91150.8313
KGCN0.87660.82230.89020.81350.90890.8307
AKNEI0.89530.81310.90320.82340.92250.8464
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Deng, S.; Qin, J.; Wang, X.; Wang, R. Attention Knowledge Network Combining Explicit and Implicit Information. Mathematics 2023, 11, 724. https://doi.org/10.3390/math11030724

AMA Style

Deng S, Qin J, Wang X, Wang R. Attention Knowledge Network Combining Explicit and Implicit Information. Mathematics. 2023; 11(3):724. https://doi.org/10.3390/math11030724

Chicago/Turabian Style

Deng, Shangju, Jiwei Qin, Xiaole Wang, and Ruijin Wang. 2023. "Attention Knowledge Network Combining Explicit and Implicit Information" Mathematics 11, no. 3: 724. https://doi.org/10.3390/math11030724

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

Article Metrics

Back to TopTop