Next Article in Journal
Thermal Conductivity Study of an Orthotropic Medium Containing a Cylindrical Cavity
Next Article in Special Issue
PeerAmbush: Multi-Layer Perceptron to Detect Peer-to-Peer Botnet
Previous Article in Journal
Analytical Formulas Using Affine Transformation for Pricing Generalized Swaps in Commodity Markets with Stochastic Convenience Yields
Previous Article in Special Issue
Recent Synergies of Machine Learning and Neurorobotics: A Bibliometric and Visualized Analysis
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Personalized Relationships-Based Knowledge Graph for Recommender Systems with Dual-View Items

School of Computer Science and Communication Engineering, Jiangsu University, Zhenjiang 212013, China
*
Authors to whom correspondence should be addressed.
Symmetry 2022, 14(11), 2386; https://doi.org/10.3390/sym14112386
Submission received: 13 October 2022 / Revised: 26 October 2022 / Accepted: 8 November 2022 / Published: 11 November 2022
(This article belongs to the Special Issue Machine Learning and Data Analysis)

Abstract

:
The knowledge graph has received a lot of interest in the field of recommender systems as side information because it can address the sparsity and cold start issues associated with collaborative filtering-based recommender systems. However, when incorporating entities from a knowledge graph to represent semantic information, most current KG-based recommendation methods are unaware of the relationships between these users and items. As such, the learned semantic information representation of users and items cannot fully reflect the connectivity between users and items. In this paper, we present the PRKG-DI symmetry model, a Personalized Relationships-based Knowledge Graph for recommender systems with Dual-view Items that explores user-item relatedness by mining associated entities in the KG from user-oriented entity view and item-oriented entity view to augment item semantic information. Specifically, PRKG-DI utilizes a heterogeneous propagation strategy to gather information on higher-order user-item interactions and an attention mechanism to generate the weighted representation of entities. Moreover, PRKG-DI provides a score feature as a filter for individualized relationships to evaluate users’ potential interests. The empirical results demonstrate that our approach significantly outperforms several state-of-the-art baselines by 1.6%, 2.1%, and 0.8% on A U C , and 1.8%, 2.3%, and 0.8% on F 1 when applied to three real-world scenarios for music, movie, and book recommendations, respectively.

1. Introduction

With the advance of Internet technology, there are an increasing number of options available to users in terms of news, movies, music, and books, among other online content and services. The proliferation of information may be overwhelming for users, which is a well-known issue with Internet technology. Recommender systems (RS) intend to reduce the impact of information overload by searching and recommending a small range of content matched to users’ personalized preferences.
Collaborative filtering (CF) [1] is a common and widely utilized approach among all recommendation models that bases recommendations on users’ potential preferences by considering users’ similar historical interactions or items’ similar attributes. Due to their reliance on previous interactions between users and items, CF-based methods suffer a significant sparsity of user-item interactions and cold start problems. Researchers have experimented with including side information in CF, such as social networks [2], knowledge graphs [3], images [4], and contexts [5], in an attempt to mitigate this.
Knowledge graphs (KGs), a sort of directed heterogeneous network in which nodes correspond to entities and edges to relations between entities, have been a popular choice among other types of supplementary information since KGs include significantly more valuable information and associations about items. Items and their features can be mapped to KGs to make the relationships between items clearer. Motivated by the effectiveness of utilizing KG in a range of tasks, such as question answering [6], text classification  [7], KG completion [8], and word embedding [9], researchers have attempted to enhance recommender system performance by utilizing KG. The advantages of incorporating KG into recommendations are evident when compared to KG-free methods [10]: (1) The fruitful semantic relatedness between items in KG can aid in exploring potential associations and enhancing the accuracies of results; (2) the numerous relations available in KG aid in extending the user’s interests and enhancing the variety of recommended items; and (3) KG supplies interpretable recommendations by connecting the user’s historical behavior to recommended items.
As a rule, existing KG-based recommender systems can be roughly classified into three categories [3]: embedding-based methods [4,11,12], path-based methods [13,14], and unified methods [10,15,16,17,18,19,20]. The semantic information representation of users and items is not fully taken into consideration by the existing methods, which makes it impossible to reflect the connectivity between users and items accurately. Instead, the methods only use the semantic information of users or items in link propagation to the recommendation. As a result, certain unconnected entities may seriously impact the recommendation outcomes.
To address the limitation of existing KG-based recommendation methods, we propose a personalized relationships-based knowledge graph for recommender systems with dual-view items (PRKG-DI), a novel end-to-end symmetry framework for knowledge graph-aware recommendation. PRKG-DI is a click-through rate (CTR) prediction model that takes a user-item pair as input and calculates the probability of the user clicking an item with which the user has never interacted. In particular, PRKG-DI has two crucial components. (1) Heterogeneous link propagation compiles information on higher-order user-item interactions. (2) The knowledge-aware enhanced attention representation mechanism generates a weighted representation of entities. PRKG-DI splits the item semantic information into collaboration information representation from the user-oriented entity view and knowledge information representation from the item-oriented entity view, respectively, in order to enhance the item semantic information. PRKG-DI additionally presents a scoring mechanism as a filter for personalized relationships by aggregating and incorporating neighborhood information with bias, which can explore users’ personalized and potential interests.
Empirically, we apply PRKG-DI to three real-world scenarios of music, movies, and books. The experiment results show that PRKG-DI outperforms the best of baselines by 1.6%, 2.1%, and 0.8% on A U C , and 1.8%, 2.3%, and 0.8% on F 1 in music, book, and movie datasets, respectively.
To sum up, the following is a summary of our contributions to this work:
  • We propose PRKG-DI, an end-to-end symmetry framework that effectively incorporates collaboration information representation and knowledge information representation for enriching item semantic information.
  • We apply a scoring mechanism as a filter for personalized relationships to learn each user’s personalized and potential interests.
  • To demonstrate the superiority of PRKG-DI, we conduct trials on three real-world recommendation scenarios with KGs of varying sizes.

2. Related Work

We discuss a number of theories and models that are pertinent to our work in this section, including knowledge graph embedding and pre-existing KG-based recommendation models.

2.1. Knowledge Graph Embedding

The purpose of KGE is to represent the knowledge graph using low-dimensional dense vectors or matrices in a continuous vector space while maintaining the original information contained in the knowledge graph. KGE algorithms are mainly divided into two categories [21]: (1) Translational distance models, such as TransE [22], TransH  [23], TransR [8], and TransD [24] assess the plausibility of a fact by measuring the distance between the two entities connected by the relationship. For example, TransE  [22] represents both entities and relations as vectors in the same space when triple (h, r, t) holds, so that h + r t , where h, r, and t are the corresponding representation vectors of h, r, and t. (2)Semantic matching models such as ComplEx [25], and DisMult [26] compare the similarities between the underlying semantics of entities and the relations contained in the vector space representation to measure the plausibility of facts.
Although the KGE algorithm, in accordance with the learning goals, is more suited to in-KG applications, such as entity classification or link prediction, compared to the conventional word vector, KGE reflects more similarly the degree of similarity between entities and relationships and can break through the boundary of the in-KG application, expand to a wider range of areas effectively solve the data sparse problem, and make knowledge acquisition, integration, and reasoning performance improved significantly. PRKG-DI acquires semantic information representation using the translational distance model TransR  [8], which can well solve the relationship between 1-to-N, N-to-1, and N-to-N in entities.

2.2. KG-Based Recommendation Models

The usage of knowledge graphs to handle sparsity and cold start concerns is gaining traction in the context of recommender systems.
The embedding-based methods adopt the KGE algorithm to pre-process the KG and map entities and relations to low-dimensional dense semantic vectors. For example, CKE  [4] combines a CF framework with structural information, textual information, and image information, which generates item semantic embeddings via TransR  [8]. KTUP [12] utilizes TransH [23] to jointly build a recommendation and knowledge graph completion model that captures the relationships between users and items by exploiting implicit preference representations. However, the information linking patterns of the KGE algorithms applied in these models are neglected, failing to provide causally recommended results  [27].
The path-based methods explore various connection patterns between items in the KG for recommendations by utilizing meta-paths and associated user-item pairs. For example, In PER [13], KG is treated as a heterogeneous information network, with possible characteristics based on meta-routes extracted to reflect the connections between users and items via various kinds of relational paths. KPRN [14] constructs the extracted path sequence using relation and entity embeddings and then employs a selection algorithm to extract qualified paths. The path-based approaches improve the interpretability of the recommendation process, but the key issue is that domain expertise is typically required to specify the types and amounts of meta pathways, and designing meta paths artificially is time-consuming and laborious.
The unified methods make superior recommendations by leveraging the semantic representations of entities and relationships with connectivity information from the KG  [28]. For example, RippleNet [10] is a memory network model similar to water ripples that propagate the user’s potential interests from historical interests along the path in the KG. KGAT [17] is a hybrid model combining knowledge graph and user–item graph, which recursively obtains the embeddings of entity neighbors to supplement the semantic information of entities. KGCN [15] and KGNN-LS [16] apply graph convolutional networks (GCNs) or graph neural networks (GNNS) to KG, then utilize a personalized relation score function to transform the KG into a user-specific weighted graph. CKAN [18] explicitly encodes collaborative signals through cooperation propagation and provides an attention mechanism to distinguish the contributions of various neighbors.
PRKG-DI is a unified method, which integrates the advantages of embedding-based and path-based methods to provide interpretable recommendations using semantic representation and connectivity patterns of entities.

3. Methodology

3.1. Problem Formulation

In a conventional recommender model, a set of M users and a set of N items are denoted as U = u 1 , u 2 , , u M and V = v 1 , v 2 , , v N , respectively, in a typical recommender system. According to users’ implicit feedback, the user–item interaction matrix is denoted as Y = y u v u U , v V , where
y u v = 1 , if u has interacted v ; 0 , otherwise .
It is worth noting that y u v = 1 shows that there is an implicit interaction between user u and item v, such as clicking. Although such interactions do not ensure that the user might prefer the items, they tend to offer information about what the user could desire. Otherwise, y u v = 0 does not imply that the user is uninterested in the item, and it is possible that the user enjoys the item but accidentally skips it. In this article, observable interactions are seen as positive instances representing users’ potential preferences, while unobserved interactions are regarded as negative. In addition, there is a knowledge graph G = { ( h , r , t ) h , t ε , r R } composed of a large number of entity-relation-entity triples ( h , r , t ) . The head entity, relation, and tail entity of the knowledge triple are indicated by h, r, and t, respectively. The sets of entities and relations in the knowledge graph are symbolized by ε and R . Moreover, an aligned set A = { ( v , e ) v V , e ε } is defined in this research to denote that the associated entity set of the item v V can be established in the knowledge graph G .
The purpose of PRKG-DI is to forecast if a user u is potentially interested in an item v with which he has not previously engaged, by employing a user-item interaction matrix Y and a knowledge graph G , and the ultimate goal is to generate a prediction function y ^ u v = F ( u , v ; Θ , G ) , where y ^ u v is the predicted probability of whether user u will have a latent preference for item v, and Θ stands for the model parameters of the function F .

3.2. Framework

The framework of the proposed PRKG-DI model is discussed in this section, and then the essential components are thoroughly described. The architecture of PRKG-DI is illustrated in Figure 1, which takes a user-item pair ( u , v ) as input, and outputs the probability of user u interaction with the item v. To enhance the item’s semantic information, we obtain the semantic information representation of item v from the user-oriented entity view and the item-oriented entity view, respectively. Instead of adopting a traditional independent latent vector representation for the input user u, we obtain a semantic information representation of user u using heterogeneous link propagation. Finally, we forecast the interaction probability y ^ u v by combining the semantic information representation of user u and item v.

3.2.1. Heterogeneous Link Propagation

The knowledge graph has a wide range of entities and intricate relationships that offer a novel way to assess users’ potential interests and the potential characteristics of items. Each item v can be associated with one or more entities in G , as shown in Figure 2. The initial seed entity, which each item corresponds to in the knowledge graph, recursively expands outward along the related links in KG to the first hop, second hop, and so on, until the specified hop stops, allowing it to gather the higher-order information between the user and the item, thereby improving the model’s capacity to represent the user and the item. Since an item is associated with more initial seed entities, we define these as initial entity sets ε 0 = { e ( v , e ) A } , propagating along connections in KG, we can acquire expended entity sets and triple sets for each hop based on the initial entity sets. The formula of expanded entity sets and extended triple sets is given recursively as:
ε l = t ( h , r , t ) G and h ε l 1 , l = 1 , 2 , , L
S l = ( h , r , t ) ( h , r , t ) G and h ε l 1 , l = 1 , 2 , , L
We define the process of obtaining the higher-order interaction information of users and items as heterogeneous link propagation.
In general, the items with which a user has previously interacted can provide some information about the user’s behavior preferences. Instead of using the user’s embedding vector directly, we represent the user u by using the set of items V u = v y u v = 1 he interacted with. The aligned set A through link propagation can convert the associated item into the initial seed entities. The initial entity set definition for user u is as follows:
ε u 0 = e ( v , e ) A and v V u
Propagating along connections in KG, we can obtain the l- h o p expended entity set ε u l and expended triple set S u l of user u to extend the potential representation of user u.
We learn item semantic information representation from the user-oriented entity view and the item-oriented entity view, respectively, to explore more potential item semantic information. For the user-oriented entity view, we observe that users who have interacted with the same item v, which is defined as collaboration user set U v = u y u v = 1 and u u , can add to the feature representation of item v through shared behavioral interests. We define these items that have been interacted with by the collaboration user as the collaboration item set of item v and formulate as V u = v u U v and y u v = 1 . The initial collaboration entity set definition for item v is as follows:
ε c v 0 = e ( v , e ) A and v V u
For the item-oriented entity view, the mapping entity of the item v itself in the KG can also contribute to its semantic representation, and the initial entity set definition for item v is as follows:
ε v 0 = { e ( v , e ) A }
Similarly, propagating along a connection in KG, the l- h o p collaboration entity set ε c v l , expended entity set ε v l , collaboration triple set S c v l , and expended triple set S v l of item v can be obtained.

3.2.2. Knowledge-Aware Enhanced Attention Representation Mechanism

We gained the triple sets for each hop as previously described for heterogeneous link propagation. The capacity of the model to represent the user and the item with a potential vector is significantly enhanced by the high-order interaction contained within these sets regarding the user’s preferences and the item’s potential features. As a consequence, we provide a knowledge-aware enhanced attention representation mechanism to incorporate triple sets of each hop into the semantic information representation of user u and item v.
Consider the i-th triple ( h , r , t ) in the l-th hop triple set, the following is the generation and formulation of a pertinent attention weight π e i h , r i of the tail entity:
z 0 = ReLU W 0 e i h r i + b 0 , z 1 = ReLU W 1 z 0 + b 1 , π e i h , r i = σ W 2 z 1 + b 2
where e i h is the head entity embedding and r i is the relation embedding. ReLU is the nonlinear activation function and σ is the Sigmoid activation function. ‖ is the concatenation operation. W and b are trainable parameters. Hereafter, we normalize the relevance attention weight across all triples of each hop by using the softmax function:
π e i h , r i = exp π e i h , r i h , r , t S l exp π e i h , r i
Finally, the semantic information representation of the h-th hop triple set for use u and item v can be obtained:
O l = i = 1 S π e i h , r i e i t , l = 1 , 2 , , L
where e i t is the tail entity embedding and S l is the number of the triples in triple set S l .
We add the representation of the 0-th hop initial entity set for both user and item since it is evident that the initial entity set has a strong connection to the original user and item:
O 0 = e ε 0 e ε 0
After that, we formulate the semantic information representation set for user u and item v as follows:
SIR = O 0 , O 1 , , O L
so we incorporate the above multiple representations by using three types of aggregators (i.e., sum, pooling, and concatenation aggregators) similar to CKAN [18] into the final semantic vector for user u and item v. The three types of aggregators are defined as follows:
a g g s u m O = σ W · O i S I R O i + b
a g g pool O = σ W · pool max ( S I R ) + b
a g g concat O = σ W · O 0 O 1 O L + b
where W and b are the trainable weight and bias, σ is the sigmoid activation function, and ‖ is the concatenation operation.

3.2.3. Personalized Relationship

The movie recommender system based on the knowledge graph is shown in Figure 3. The user watches three movies, and the recommender system recommends “Avatar” and “Blood Diamond”, based on the user’s behavior preferences to the user. We assume that in a certain situation, the user has more potential interest in his favorite star Leonardo, regardless of the genre of the movie, so the system should provide the user with more accurate recommendations such as “Blood Diamond”. So, we present a scoring function as a filter for personalized relationships by aggregating and incorporating neighborhood information with bias, which is able to explore users’ personalized and potential behavior preferences. The following Figure 4 illustrates the personalized relationship realization process.
The scoring function is implemented as follows:
r v = exp ( g ( u , r ) ) S l exp ( g ( u , r ) )
where u is the semantic information representation of user u, and r is the embedding representation of relation r. Propagating along links in KG, it can be extended to higher-order neighborhood information with a bias to form potential vector representations with personalized relationships.

3.2.4. Learning Algorithm

The predicted clicking probability is calculated utilizing the final semantic vector for user u and item v that we obtained in Section 4.2:
y ^ u v = σ u T · e v + e c v
PRKG-DI is improved using the same negative sampling as CKAN  [18] and the following loss function:
L = u U v P + J y u v , y ^ u v v P J y u v , y ^ u v + λ F 2 2
where J is the cross-entropy loss and P + is a positive ( u , v ) pair while P is the opposite, and the last term is the L 2 -regularizer. The learning algorithm of PRKG-DI is presented in Algorithms 1 and 2.
Algorithm 1 PRKG-DI Prediction Model Algorithm
Input:   Interaction Matrix Y ; Knowledge Graph G ; Relationship function g;
Output:    Prediction function F ( u , v Θ , Y , G ) ;
1:
Initialize all parameters;
2:
Calculate the initial entity sets ε 0 for each u and v;
3:
while PRKG-DI Prediction Model has not converged do
4:
   for  ( u , v ) in Y  do
5:
     for  l = 1 , , L  do
6:
        Calculate entity sets ε l and triple sets S l ;
7:
         O u [ l ] KEAR u , S u l ;
8:
     end for
9:
      O u 0 ε u 0 ;
10:
      u agg O u l l = 0 L ;
11:
     for  l = 1 , , L  do
12:
        for  i = 1 , , n  do
13:
           r i g u , r i ;
14:
        end for
15:
         r i l s o f t m a x r i l ;
16:
         O v [ l ] KEAR v , S v l , O c v [ l ] KEAR v , S c v l ;
17:
     end for
18:
      O v 0 ε v 0 , O c v 0 ε c v 0 ;
19:
      v agg O v l l = 0 L agg O c v l l = 0 L ;
20:
     Calculate predicted probability y ^ u v = f ( u , v ) ;
21:
     Update parameters by gradient descent;
22:
   end for
23:
end while
24:
return  F ( u , v Θ , Y , G ) .
Algorithm 2 Knowledge-aware Enhanced Attention Representation Algorithm
1:
KEAR o , S o l :
2:
for  i = 1 , , n  do
3:
    z ReLU W 0 e i h r i + b 0 ;
4:
    z ReLU W 1 z + b 0 ;
5:
    π e i h , r i sigmoid W 2 z + b 2 ;
6:
end for
7:
π e i h , r i softmax π e i h , r i ;
8:
O o l i = 1 S o l π e i h , r i e i t ;
9:
return  O o l .

3.2.5. Time Complexity Analysis

The time cost of the PRKG-DI model mainly comes from four parts: knowledge graph construction, semantic information representation generation, heterogeneous link propagation, and attention representation mechanism. The computational complexity of building a knowledge graph is O G , depending on the number of entities and relationships in the dataset. The semantic information representation generation has a computational complexity of O G d 2 . For the heterogeneous link propagation part and the attention representation mechanism part, the time cost of the two parts is O l = 1 L G s l s l 1 , and s l and s l 1 are the sizes of the triple set for the current hop and the previous hop. Finally, the overall computational complexity of the PRKG-DI model is O G + G d 2 + l = 1 L G s l s l 1 .

4. Experiments

The effectiveness of PRKG-DI is assessed in this section using three well-liked real-world scenarios: music, book, and movie recommendations. We initially describe the datasets, underlying models, and experimental setup before presenting and analyzing the outcomes.

4.1. Datasets

To verify the effectiveness of PRKG-DI in different application scenarios, the following three datasets are used in the music, book, and movie recommendation experiments:
  • Last.FM contains the listening information of about 2000 users from the Last.FM online music system.
  • Book-Crossing provides 1,149,780 explicit ratings of various books from various readers collected from the Book-Crossing community on a scale of 0 to 10.
  • MovieLens-20M is a popular benchmark dataset for movie recommendations, collecting around 20 million ratings on a scale of 0 to 5 from the MovieLens website.
Since Last.FM, Book-Crossing, and MovieLens-20M are explicit feedback, the ratings need to be converted to implicit feedback, where 1 means that the user rated the item (positive sample) and 0 means that the user did not rate or interact with the item (negative sample). MovieLens-20M has a rating threshold of 4; the ratings greater than or equal to 4 are set as positive samples, and the ratings of less than 4 are set as negative samples. However, Last.FM and Book-Crossing do not set thresholds due to their sparsity. Additionally, knowledge graphs need to be constructed for each dataset, and Table 1 summarizes the fundamental statistics for the three datasets.

4.2. Baseline Models

The proposed PRKG-DI is compared with the following three recommendation methods: Embedding-based method (CKE), path-based method (PER), and unified method (RippleNet, KGCN, KGAT, KGNN-LS, and CKAN):
  • CKE [4] combines a CF module with the structural content, textual content, and visual content of items for recommendation.
  • PER [13] is a conventional path-based approach that employs the knowledge graph (KG) as a collection of heterogeneous information networks and extracts attributes based on meta-paths to reflect the connection between users and items.
  • RippleNet [10] automatically explores users’ potential behavior preferences by recursively representing users’ preferences in the KG.
  • KGCN [15] utilizes the graph convolutional networks (GCN) to aggregate neighborhood information with bias and extends to high-order to capture users’ potential preferences.
  • KGAT [17] is a hybrid model combining knowledge graph and user–item graph, which recursively obtains the embeddings of entity neighbors to supplement the semantic information of entities.
  • KGNN-LS [16] applies graph neural networks with label smoothness regularization to KG, then utilize a personalized relation score function to transform the KG into a user-specific weighted graph to compute personalized item embeddings.
  • CKAN [18] explicitly encodes collaborative signals through cooperation propagation and provides an attention mechanism to distinguish the contributions of various neighbors.

4.3. Experiment Setup

For each dataset, the proportions of training, evaluation, and test set are 6: 2: 2, and we evaluate our model in two recommendation scenarios: the click-through rate (CTR) prediction and the top-K recommendation. In CTR prediction, we apply the trained model to predict the probability of each interaction in the test set and choose A U C and F 1 to evaluate the performance of the model. In the top-K recommendation, we apply the trained model to select K items with the highest predicted probability for each user in the test set, and choose R e c a l l @ K to evaluate the performance. Each evaluation experiment is repeated three times with 20 epochs each, and the average performance is reported. All of the models are optimized using adam, and the model parameters are set using Xavier initializer by default.
In PRKG-DI, the complete hyper-parameters are given in Table 2 and are determined by optimizing A U C on a validation set, where d is the dimension of embedding, L is the maxed hop, s e t - s i z e denotes the size of the triple set for user and item, L 2 is the coefficient of L 2 normalization, and l r is the learning rate. In addition, the best hyper-parameters settings in the comparison methods are followed by the original papers.

4.4. Results

Table 3 and Figure 5 are the results of all methods in the C T R prediction and the t o p -K recommendation, respectively. We have the following observations:
  • PRKG-DI achieves the best performance on all three datasets compared with the state-of-the-art baselines. Specifically, PRKG-DI outperforms the best of baselines by 1.6%, 2.1%, and 0.8% on A U C , and 1.8%, 2.3%, and 0.8% on F 1 in music, book, and movie recommendations, respectively. Notice that PRKG-DI improves the performance only slightly in the movie dataset since user interactions are so abundant in this dataset.
  • In all three datasets, PRKG-DI outperforms CKE by 12.6%, 11.9%, and 5.4% on A U C , and by 13.1%, 9.2%, and 6% on F 1 compared with the embedded-based methods; PRKG-DI outperforms PER by 25%, 21.1%, and 14.5% on A U C , and by 23%, 16.6%, and 14.8% on F 1 , compared with the path-based methods.
  • PRKG-DI also achieves outstanding performance in the t o p -K recommendations where K becomes large in all datasets.
  • Judging from the experimental results, PER and CKE perform worst compared with others, and it is obvious that the embedding-based and the path-based methods are overwhelmed by the unified methods on three datasets across all the evaluation metrics. These experimental results demonstrate that PER and CKE cannot make full use of the KG, and combining embedding-based and path-based methods are of great help for the recommendation.
  • The fact that CKE performs better than PER is noteworthy, showing that it is challenging to identify ideal meta-paths in practice.
  • CKE performs comparably poorly in our experiments, which is probably because we only use the structural content available, without textual content and visual content.
  • The importance of heterogeneous link propagation and KG-based high-order connectivity has been confirmed by comparing the outcomes of all KG-based approaches. PRKG-D makes sense to explore user–item relatedness by mining the associated entities in the KG from the user-oriented entity view and item-oriented entity view to augment item semantic information.

4.4.1. Impact of the Dimension of Embedding

In order to further study the robustness of PRKG-DI, the effect of the size of the embedding d on the performance of PRKG-DI is changed. Entity and relationship embeddings use the same dimension size for ease of calculation. Figure 6 and Figure 7 demonstrate the results, which are pretty obvious: Increasing d within a range can improve performance since a bigger d can encode more information, whereas a too-large d unfavorably results in a little overfitting.

4.4.2. Impact of the Size of the Triple Set in Each Hop

We examine the effect of the size of the triple set for user and item on the performance of PRKG-DI. To facilitate the experiment, we set the size of the item collaboration triplet set to be the same size as the extended triplet set. The results of AUC on the first two datasets (Last. FM and Book-Crossing) are presented in Table 4 and Table 5, respectively, from which we observe that as the set size increases, firstly, the performance of PRKG-DI improves, because larger sets can integrate more latent semantics from KG, but the performance drops when the size is too large. According to the experimental results, a size of 32 is sufficient for most datasets.

4.4.3. Impact of the Hop Number

We vary the maximal hop number L of heterogeneous link propagation to investigate how the performance changes in PRKG-DI. The results are shown in Table 6, from which we can observe that: the best performance is achieved when L is 3, 2, and 1 in music, book, and movie, respectively. One possible reason for this phenomenon is long-distance propagation. Too small of an L can hardly explore inter-entity relatednesses and dependencies in KG, while a too-large L increases the amount of supplemental knowledge, but also significantly increases the amount of noise.

4.4.4. Impact of Aggregators

We experimented with PRKG-DI under different settings of the aggregator to explore the effect of aggregators. The results are shown in Table 7, from which we can observe that: a g g c o n c a t is consistently superior to a g g s u m and a g g p o o l , while the a g g p o o l performs worst compared with the others. This may be because the pooling aggregator loses useful information from the entity itself, while the concatenation aggregator retains more hidden information.

5. Discussion

The embedding-based methods adopt the KGE algorithm to pre-process the KG and map entities and relations to low-dimensional dense semantic vectors. The path-based methods explore various connection patterns between items in the KG for recommendations by utilizing meta-paths and associated user-item pairs. PRKG-DI combines the best of both approaches to provide better recommendations by leveraging the semantic representations of entities and relationships with connectivity information from the KG. Moreover, compared with the existing unified recommendation methods, PRKG-DI splits the item semantic information into collaboration information representation from the user-oriented entity view and knowledge information representation from the item-oriented entity view, respectively, in order to enhance the item semantic information, and the personalized relationships filter explore personalized and potential behavior preferences by aggregating and incorporating neighborhood information with a bias to provide better interpretable recommendations.
However, the PRKG-DI model has the following limitations:
First, PRKG-DI provides significant performance improvements in scenarios with sparse datasets such as Last.FM and Book-Crossing, while there is little room for improvement in scenarios with rich datasets such as Movie-Lens20M. Second, In the process of pre-training, the time to construct the knowledge graph increases with the amount of interactive information in the dataset. Finally, many recommendation scenarios are not limited to textual information recommendation, such as image information recommendation, and the PRKG-DI model cannot obtain image information for content recommendation.

6. Conclusions

In this paper, we propose PRKG-DI, a novel end-to-end symmetry framework for knowledge graph-aware recommendations that enrich item semantic information from the user-oriented entity view and the item-oriented entity view. PRKG-DI overcomes the limitations of existing embedding-based and path-based methods via heterogeneous link propagation to obtain high-order interaction information and utilize knowledge-aware enhanced attention representation mechanisms to incorporate them into semantic information representation of users and items. We conduct extensive experiments on three real-world public datasets. The empirical results demonstrate that our approach significantly outperforms several state-of-the-art baselines by 1.6%, 2.1%, and 0.8% on A U C , and 1.8%, 2.3%, and 0.8% on F 1 when applied to three real-world scenarios for music, movie, and book recommendations, respectively.
As to future work, we plan to further evaluate the effectiveness of our model on more recommended scenarios. Moreover, we will introduce more side information to optimize our method. For example, by integrating image information with CKE, we can study how visual information influences recommendations. Integrating relational knowledge based on knowledge graphs with attribute knowledge based on structural information to offer effective storage is another intriguing research direction.

Author Contributions

Conceptualization, Z.L. and C.Z.; Methodology, X.Z.; Investigation, X.Z.; Validation, Z.L., X.Z., and C.Z.; Formal analysis, X.Z.; Software, X.Z.; writing—original draft preparation, X.Z.; writing—review and editing, X.Z. All authors have read and agreed to the published version of the manuscript.

Funding

The APC was funded by Primary Research and Development Plan of Jiangsu Province, BE2018627.

Data Availability Statement

The data used in this article can be downloaded from the Internet. All data used during the study are available in a repository or online. Last.FM:https://grouplens.org/datasets/hetrec-2011/, (accessed on 20 April 2022). Book-Crossing: http://www2.informatik.uni-freiburg.de/~cziegler/BX/, (accessed on 27 April 2022). MovieLens-20M: https://grouplens.org/datasets/movielens/, (accessed on 6 May 2022).

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

RSRecommender systems
CFCollaborative filtering
KGKnowledge graph
CTRClick-through rate
AUCArea under curve
F1Balanced F score
KEGKnowledge graph embedding
GCNGraph convolutional network
GNNGraph neural network
HLPHeterogeneous link propagation
KEARKnowledge-aware enhanced attention representation

References

  1. 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 WWW ’17, Perth, Australia, 3–7 April 2017; pp. 173–182. [Google Scholar] [CrossRef] [Green Version]
  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 RecSys ’10, Barcelona, Spain, 26–30 September 2010; Association for Computing Machinery: New York, NY, USA, 2010; pp. 135–142. [Google Scholar] [CrossRef]
  3. Guo, Q.; Zhuang, F.; Qin, C.; Zhu, H.; Xie, X.; Xiong, H.; He, Q. A survey on knowledge graph-based recommender systems. IEEE Trans. Knowl. Data Eng. 2020, 38, 21925064. [Google Scholar] [CrossRef]
  4. Zhang, F.; Yuan, N.J.; Lian, D.; Xie, X.; Ma, W.-Y. Collaborative Knowledge Base Embedding for Recommender Systems. In Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining KDD ’16, San Francisco, CA, USA, 13–17 August 2016; Association for Computing Machinery: New York, NY, USA, 2016; pp. 353–362. [Google Scholar] [CrossRef]
  5. Sun, Y.; Yuan, N.J.; Xie, X.; McDonald, K.; Zhang, R. Collaborative Intent Prediction with Real-Time Contextual Data. ACM Trans. Inf. Syst. 2017, 10, 1–33. [Google Scholar] [CrossRef]
  6. Dong, L.; Wei, F.; Zhou, M.; Xu, K. Question answering over freebase with multi-column convolutional neural networks. In Proceedings of the 53rd Annual Meeting of the Association for Computational Linguistics and the 7th International Joint Conference on Natural Language Processing, Beijing, China, 26–31 July 2015; Volume 7, pp. 260–269. [Google Scholar]
  7. Wang, J.; Wang, Z.; Zhang, D.; Yan, J. Combining Knowledge with Deep Convolutional Neural Networks for Short Text Classification. IJCAI 2017, 350, 3172077–3172295. [Google Scholar]
  8. 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; Volume 2. [Google Scholar]
  9. Xu, C.; Bai, Y.; Bian, J.; Gao, B.; Wang, G.; Liu, X.; Liu, T.-Y. RC-NET: A General Framework for Incorporating Knowledge into Word Representations. In Proceedings of the 23rd ACM International Conference on Conference on Information and Knowledge Management CIKM ’14, Shanghai, China, 3–7 November 2014; Association for Computing Machinery: New York, NY, USA, 2014; pp. 1219–1228. [Google Scholar] [CrossRef]
  10. 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 CIKM ’18, Turin, Italy, 22–26 October 2018; Association for Computing Machinery: New York, NY, USA, 2018; pp. 417–426. [Google Scholar] [CrossRef] [Green Version]
  11. Wang, H.; Zhang, F.; Xie, X.; Guo, M. DKN: Deep knowledge-aware network for news recommendation. In Proceedings of the 27th International Conference on World Wide Web, Lyon, France, 23–27 April 2018; pp. 1835–1844. [Google Scholar]
  12. Cao, Y.; Wang, X.; He, X.; Hu, Z.; Chua, T.-S. Unifying Knowledge Graph Learning and Recommendation: Towards a Better Understanding of User Preferences. In Proceedings of the 28th International Conference on World Wide Web, San Francisco, CA, USA, 13–17 May 2019; pp. 151–161. [Google Scholar]
  13. 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 WSDM ’14, New York, NY, USA, 24–28 February 2014; pp. 283–292. [Google Scholar] [CrossRef]
  14. Wang, X.; Wang, D.; Xu, C.; He, X.; Cao, Y.; Chua, T.-S. Explainable Reasoning over Knowledge Graphs for Recommendation. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27 January–1 February 2019; pp. 5329–5336. [Google Scholar] [CrossRef] [Green Version]
  15. Wang, H.; Zhao, M.; Xie, X.; Li, W.; Guo, M. Knowledge Graph Convolutional Networks for Recommender Systems. In Proceedings of the World Wide Web Conference WWW ’19, San Francisco, CA, USA, 13–17 May 2019; Association for Computing Machinery: New York, NY, USA, 2019; pp. 3307–3313. [Google Scholar] [CrossRef]
  16. Wang, H.; Zhang, F.; Zhang, M.; Leskovec, J.; Zhao, M.; Li, W.; Wang, Z. Knowledge-aware Graph Neural Networks with Label Smoothness Regularization for Recommender Systems. In Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining KDD ’19, Anchorage, AK, USA, 4–8 August 2019; Association for Computing Machinery: New York, NY, USA, 2019; pp. 968–977. [Google Scholar] [CrossRef] [Green Version]
  17. Wang, X.; He, X.; Cao, Y.; Liu, M.; Chua, T.-S. KGAT: Knowledge Graph Attention Network for Recommendation. In Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining KDD ’19, Anchorage, AK, USA, 4–8 August 2019; Association for Computing Machinery: New York, NY, USA, 2019; pp. 950–958. [Google Scholar] [CrossRef] [Green Version]
  18. Wang, Z.; Lin, G.; Tan, H.; Chen, Q.; Liu, X. CKAN: Collaborative Knowledge-aware Attentive Network for Recommender Systems. In Proceedings of the 43rd International ACM SIGIR Conference on Research and Development in Information Retrieval SIGIR ’20, Xi’an, China, 25–30 July 2020; Association for Computing Machinery: New York, NY, USA, 2020; pp. 219–228. [Google Scholar] [CrossRef]
  19. Tai, C.-Y.; Wu, M.-R.; Chu, Y.-W.; Chu, S.-Y.; Ku, L.-W. MVIN: Learning Multiview Items for Recommendation. In Proceedings of the 43rd International ACM SIGIR Conference on Research and Development in Information Retrieval SIGIR ’20, Xi’an, China, 25–30 July 2020; Association for Computing Machinery: New York, NY, USA, 2020; pp. 99–108. [Google Scholar] [CrossRef]
  20. Tang, X.; Wang, T.; Yang, H.; Song, H. AKUPM: Attention-Enhanced Knowledge-Aware User Preference Model for Recommendation. In Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining KDD ’19, Anchorage, AK, USA, 4–8 August 2019; Association for Computing Machinery: New York, NY, USA, 2019; pp. 1891–1899. [Google Scholar] [CrossRef]
  21. 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]
  22. Bordes, A.; Usunier, N.; Garcia-Duran, A.; Weston, J.; Yakhnenko, O. Translating embeddings for modeling multi-relational data. Adv. Neural Inf. Process. Syst. 2013, 26, 135–142. [Google Scholar]
  23. Wang, Z.; Zhang, J.; Feng, J.; Chen, Z. Knowledge graph embedding by translating on hyperplanes. In Proceedings of the AAAI Conference on Artificial Intelligence, Quebec City, QC, Canada, 27–31 July 2014; Volume 6. [Google Scholar]
  24. Ji, G.; He, S.; Xu, L.; Liu, K.; Zhao, J. Knowledge graph embedding via dynamic mapping matrix. In Proceedings of the 53rd Annual Meeting of the Association for Computational Linguistics and the 7th International Joint Conference on Natural Language Processing, Beijing, China, 26–31 July 2015; Volume 7, pp. 687–696. [Google Scholar]
  25. Trouillon, T.; Welbl, J.; Riedel, S.; Gaussier, E.; Bouchard, G. Complex Embeddings for Simple Link Prediction. In Proceedings of the 33rd International Conference on Machine Learning Research PMLR, New York, NY, USA, 19–24 June 2016; pp. 2071–2080. [Google Scholar]
  26. Yang, B.; Yih, W.T.; He, X.; Gao, J.; Deng, L. Embedding entities and relations for learning and inference in knowledge bases. arXiv 2014, arXiv:1412.6575. [Google Scholar]
  27. Zhang, Y.; Yuan, M.; Zhao, C.; Chen, M.; Liu, X. Aggregating knowledge-aware graph neural network and adaptive relational attention for recommendation. Appl. Intell. 2022, 1–13. [Google Scholar] [CrossRef]
  28. Zhang, L.; Kang, Z.; Sun, X.; Sun, H.; Zhang, B.; Pu, D. KCRec: Knowledge-aware representation graph convolutional network for recommendation. Knowl.-Based Syst. 2021, 230, 107399. [Google Scholar] [CrossRef]
Figure 1. The illustration of the PRKG-DI consists of two core components: heterogeneous link propagation (HLP) and knowledge-aware enhanced attention representation (KEAR) mechanism. For item v, it contains a user-oriented entity view and an item-oriented entity view to obtain the item’s semantic information.
Figure 1. The illustration of the PRKG-DI consists of two core components: heterogeneous link propagation (HLP) and knowledge-aware enhanced attention representation (KEAR) mechanism. For item v, it contains a user-oriented entity view and an item-oriented entity view to obtain the item’s semantic information.
Symmetry 14 02386 g001
Figure 2. The illustration of heterogeneous link propagation; all the circles denote the entities and all the lines denote relations.
Figure 2. The illustration of heterogeneous link propagation; all the circles denote the entities and all the lines denote relations.
Symmetry 14 02386 g002
Figure 3. An illustration of the KG-based movie recommender system.
Figure 3. An illustration of the KG-based movie recommender system.
Symmetry 14 02386 g003
Figure 4. The realization process of personalized relationship.
Figure 4. The realization process of personalized relationship.
Symmetry 14 02386 g004
Figure 5. The result of R e c a l l @ K in t o p -K recommendation.
Figure 5. The result of R e c a l l @ K in t o p -K recommendation.
Symmetry 14 02386 g005
Figure 6. The result of A U C in different dimensions.
Figure 6. The result of A U C in different dimensions.
Symmetry 14 02386 g006
Figure 7. The result of F 1 in different dimensions.
Figure 7. The result of F 1 in different dimensions.
Symmetry 14 02386 g007
Table 1. Statistics of the three datasets.
Table 1. Statistics of the three datasets.
Last.FMBook-CrossingMovie-Lens20M
# users187217,86013,8159
# items386414,96716,954
# interactions42,34613,974613,501,622
# entities936677,903102,569
# relations602532
# KG triples15,518151,500499,474
Table 2. Hyper-parameter settings for the three datasets.
Table 2. Hyper-parameter settings for the three datasets.
Last.FM d = 64 , L = 3 , s e t - s i z e = 32 , L 2 = 1 e 5 , l r = 0.002
Book-Crossing d = 64 , L = 2 , s e t - s i z e = 32 , L 2 = 1 e 5 , l r = 0.001
Movie-Lens20M d = 32 , L = 1 , s e t - s i z e = 64 , L 2 = 1 e 5 , l r = 0.001
Table 3. The result of A U C and F 1 in C T R prediction.
Table 3. The result of A U C and F 1 in C T R prediction.
ModelLast.FM (Music)Book-Crossing (Book)Movie-Lens20M (Movie)
AUCF1AUCF1AUCF1
CKE [4]0.747(−12.6%)0.674(−13.1%)0.676(−11.9%)0.623(−9.2%)0.927(−5.4%)0.874(−6%)
PER [13]0.641(−25%)0.603(−23%)0.605(−21.1%)0.572(−16.6%)0.838(−14.5%)0.792(−14.8%)
RippleNet [10]0.797(−6.8%)0.728(−6.2%)0.721(−6%)0.648(−5.5%)0.973(−0.7%)0.921(−1%)
KGCN [15]0.8(−6.4%)0.716(−7.7%)0.674(−12.1%)0.616(−10.2%)0.978(−0.2%)0.932(+0.2%)
KGAT [17]0.829(−3%)0.742(−4.4%)0.731(−4.7%)0.654(−4.7%)0.976(−0.4%)0.928(−0.2%)
KGNN_LS [16]0.792(−7.4%)0.695(−10.4%)0.687(-10.4%)0.638(−7%)0.973(−0.7%)0.927(−0.3%)
CKAN [18]0.841(−1.6%)0.762(−1.8%)0.751(−2.1%)0.67(−2.3%)0.972(−0.8%)0.923(−0.8%)
PRKG-DI0.855(±0.05)0.776(±0.07)0.767(±0.1)0.686(±0.06)0.98(±0.03)0.93(±0.04)
Table 4. The results of A U C on Last.FM w . r . t . different sizes of the triple set.
Table 4. The results of A U C on Last.FM w . r . t . different sizes of the triple set.
Item48163264
User
40.840.8430.8430.8440.845
80.8440.8470.8470.8480.848
160.8450.8440.8460.850.846
320.8470.8480.8490.8550.848
640.8440.8470.8470.8480.846
Table 5. The results of A U C on Book-Crossing w . r . t . different sizes of the triple set.
Table 5. The results of A U C on Book-Crossing w . r . t . different sizes of the triple set.
Item48163264
User
40.7430.7450.7470.7470.75
80.750.7520.7540.7530.754
160.7520.7580.7580.760.756
320.7570.7590.7590.7670.759
640.7590.7590.7620.7640.763
Table 6. The result of A U C and F 1 w . r . t . different hops.
Table 6. The result of A U C and F 1 w . r . t . different hops.
Hop L0123
AUCF1AUCF1AUCF1AUCF1
Last.FM0.8320.7530.8470.7680.8470.7730.8550.766
Booking-Crossing0.740.6710.7620.6820.7670.6860.760.681
MovieLens-20M0.9680.9190.980.930.9770.9190.9760.929
Table 7. The result of A U C w . r . t . different aggregators.
Table 7. The result of A U C w . r . t . different aggregators.
AggregatorConcatPoolSum
Last.FM0.8550.7560.835
Booking-Crossing0.7670.7080.847
MovieLens-20M0.980.9780.97
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Liu, Z.; Zhong, X.; Zhou, C. Personalized Relationships-Based Knowledge Graph for Recommender Systems with Dual-View Items. Symmetry 2022, 14, 2386. https://doi.org/10.3390/sym14112386

AMA Style

Liu Z, Zhong X, Zhou C. Personalized Relationships-Based Knowledge Graph for Recommender Systems with Dual-View Items. Symmetry. 2022; 14(11):2386. https://doi.org/10.3390/sym14112386

Chicago/Turabian Style

Liu, Zhifeng, Xianzhan Zhong, and Conghua Zhou. 2022. "Personalized Relationships-Based Knowledge Graph for Recommender Systems with Dual-View Items" Symmetry 14, no. 11: 2386. https://doi.org/10.3390/sym14112386

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