论文下载地址: https://doi.org/10.1145/3308558.3313488
发表期刊:WWW
Publish time: 2019
作者及单位:
数据集: 正文中的介绍
其他:
其他人写的文章
简要概括创新点:
- (1) we present a novel graph neural network framework (GraphRec) for social recommendations. (我们提出了一种新的用于社会推荐的图神经网络框架 (GraphRec) 。)
- (2)In particular, we provide a principled approach to jointly capture interactions and opinions in the user-item graph and propose the framework GraphRec, which coherently models two graphs and heterogeneous strengths. (特别是,我们提供了一种原则性的方法来联合捕获用户项图中的交互 和 观点,并提出了框架GraphRec,该框架对 两个图 和 异构力量(强度) 进行了一致建模。)
- (3)User-Modeling we first use two types of aggregation to learn factors from two graphs, as shown in the left part in Figure 2. (我们首先使用两种类型的聚合来从两个图中学习因子,如图2左侧所示。)
- The first aggregation, denoted as item aggregation, is utilized to learn item-space user latent factor h i I ∈ R d h^I_i\in R^d hiI∈Rd from the user-item graph. (第一个聚合表示为项目聚合,用于从用户项目图中学习项目空间用户潜在因子 h i I ∈ R d h^I_i\in R^d hiI∈Rd)
- The second aggregation is social aggregation where social-space user latent factor h i S ∈ R d h^S_i \in R^d hiS∈Rd is learned from the social graph. (第二种聚合是社会聚合,其中社会空间用户潜在因子 h i S ∈ R d h^S_i \in R^d hiS∈Rd是从社交图中学习)
- 加了注意力机制—we perform an attention mechanism with a two-layer neural network to extract these users that are important to influence u i u_i ui
- Then, these two factors are combined together to form the final user latent factors h i h_i hi. (然后,这两个因素结合在一起,形成最终的用户潜在因素)
- (4) Item-Modeling Therefore, interactions and opinions in the user-item graph should be jointly captured to further learn item latent factors. (因此,应该共同捕获用户项目图中的交互和意见,以进一步了解项目潜在因素。)
- 加了注意力机制---- In addition, we introduce an attention mechanism to differentiate the importance weight μ j t \mu_{jt} μjt of users with a two-layer neural attention network, taking f j t f_{jt} fjt and q j q_j qj as the input,
• Information systems → Social recommendation; • Computing methodologies → Neural networks; Artificial intelligence.
Social Recommendation; Graph Neural Networks; Recommender Systems; Social Network; Neural Networks
(1) The exploitation of social relations for recommender systems has attracted increasing attention in recent years [18, 28, 30]. These social recommender systems have been developed based on the phenomenon that users usually acquire and disseminate information through those around them, such as classmates, friends, or colleagues, implying that the underlying social relations of users can play a significant role in helping them filter information [23]. Hence, social relations have been proven to be helpful in boosting the recommendation performance [8, 29]. (近年来,利用社会关系构建推荐系统越来越受到关注[18,28,30]。这些社会推荐系统是基于这样一种现象而开发的,即用户通常通过周围的人(如同学、朋友或同事)获取和传播信息,这意味着用户的潜在社会关系可以在帮助他们过滤信息方面发挥重要作用[23]。因此,社会关系已被证明有助于提高推荐绩效[8,29]。)
(2) Recent years have witnessed great developments in deep neural network techniques for graph data [15]. These deep neural network architectures are known as Graph Neural Networks (GNNs) [5, 10, 19], which have been proposed to learn meaningful representations for graph data. (近年来,图形数据的深层神经网络技术取得了巨大发展[15]。这些深层神经网络结构被称为图形神经网络(GNN)[5,10,19],它被用来学习图形数据的有意义表示。)
(3) Meanwhile, building social recommender systems based on GNNs faces challenges. The social graph and the user-item graph in a social recommender system provide information about users from different perspectives. It is important to aggregate information from both graphs to learn better user representations. Thus, the first challenge is how to inherently combine these two graphs. Moreover, the user-item graph not only contains interactions between users and items but also includes users’ opinions on items. For example, as shown in Figure 1, the user interacts with the items of “trousers" and “laptop"; and the user likes “trousers" while disliking “laptop". Therefore, the second challenge is how to capture interactions and opinions between users and items jointly. In addition, the low cost of link formation in online worlds can result in networks with varied tie strengths (e.g., strong and weak ties are mixed together) [36]. Users are likely to share more similar tastes with strong ties than weak ties. Considering social relations equally could lead to degradation in recommendation performance. Hence, the third challenge is how to distinguish social relations with heterogeneous strengths. (同时,构建基于GNNs的社会推荐系统也面临着挑战。社交推荐系统中的社交图和用户项图从不同的角度提供用户信息。重要的是要从两个图中收集信息,以了解更好的用户表示。因此,第一个挑战是如何内在地结合这两个图形。此外,用户项目图不仅包含用户和项目之间的交互,还包含用户对项目的意见。例如,如图1所示,用户与“裤子”和“笔记本电脑”项目互动;用户喜欢“裤子”而不喜欢“笔记本电脑”。因此,第二个挑战是如何联合捕获用户和项目之间的互动和意见。此外,网络世界中链接形成的低成本可能导致网络具有不同的联系强度(例如,强弱关系混合在一起)[36]。与弱领带相比,强领带的用户可能更倾向于分享相似的口味。平等考虑社会关系可能会导致推荐绩效下降。因此,第三个挑战是如何区分具有异质优势的社会关系。)
(4) In this paper, we aim to build social recommender systems based on graph neural networks.
Specially, we propose a novel graph neural network GraphRec for social recommendations, which can address three aforementioned challenges simultaneously. Our major contributions are summarized as follows:
(5) The remainder of this paper is organized as follows. We introduce the proposed framework in Section 2. In Section 3, we conduct experiments on two real-world datasets to illustrate the effectiveness of the proposed method. In Section 4, we review work related to our framework. Finally, we conclude our work with future directions in Section 5. (本文的其余部分组织如下。我们将在第2节介绍拟议的框架。在第3节中,我们在两个真实数据集上进行了实验,以说明所提方法的有效性。在第4节中,我们回顾了与我们的框架相关的工作。最后,我们在第5节总结了我们的工作和未来的方向。)
(1) As user-item graph contains not only interactions between users and items but also users’ opinions (or rating scores) on items, we provide a principled approach to jointly capture interactions and opinions in the user-item graph for learning item-space user latent factors h i I h^I_i hiI, which is used to model user latent factor via interactions in the user-item graph. (由于用户项目图不仅包含用户和项目之间的交互,还包含用户对项目的意见(或评分),因此我们提供了一种原则性的方法来联合捕获用户项目图中的交互和意见,以学习项目空间中的用户潜在因素 h i I h^I_i hiI,通过用户项图中的交互作用来建模用户潜在因素。)
(2)The purpose of item aggregation is to learn item-space user latent factor h i I h^I_i hiI by considering items a user u i u_i ui has interacted with and users’ opinions on these items. To mathematically represent this aggregation, we use the following function as: (项目聚合的目的是学习项目空间用户潜在因子 h i I h^I_i hiI通过将项目视为用户 u i u_i ui已经与这些项目进行了互动,并听取了用户的意见。为了从数学上表示这种聚合,我们使用以下函数:)
(3) A user can express his/her opinions (or rating scores), denoted as r r r, to items during user-item interactions. These opinions on items can capture users’ preferences on items, which can help model item-space user latent factors. (在用户项目交互期间,用户可以对项目表达他/她的观点(或评分分数),表示为 r r r。这些对项目的意见可以捕捉用户对项目的偏好,这有助于建模项目空间用户的潜在因素。)
To model opinions, for each type of opinions r r r, we introduce an opinion embedding vector e r ∈ R d e_r \in R^d er∈Rd that denotes each opinion r r r as a dense vector representation.
For example, in a 5-star rating system, for each r ∈ { 1 , 2 , 3 , 4 , 5 } r \in \{1,2,3,4,5\} r∈{1,2,3,4,5}, we introduce an embedding vector e r e_r er.
For an interaction between user u i u_i ui and item v a v_a va with opinion r r r, we model opinion-aware interaction representation x i a x_{ia} xia as a combination of item embedding q a q_a qa and opinion embedding e r e_r er via a Multi-Layer Perceptron (MLP).
It can be denoted as g v g_v gv to fuse the interaction information with the opinion information as shown in Figure 2. The MLP takes the concatenation of item embedding q a q_a qa and its opinion embedding e r e_r er as input. The output of MLP is the opinion-aware presentation of the interaction between u i u_i ui and v a v_a va, x i a x_{ia} xia, as follows:
(4) One popular aggregation function for A g g r e i t e m s Aggre_{items} Aggreitemsis the mean operator where we take the element-wise mean of the vectors in { x i a , ∀ a ∈ C ( i ) } \{x_{ia}, \forall a \in C(i)\} {xia,∀a∈C(i)}. This mean-based aggregator is a linear approximation of a localized spectral convolution [15], as the following function: (这个基于均值的聚合器是局部谱卷积的线性近似[15],如下函数所示:)
(5) To alleviate the limitation of mean-based aggregator, inspired by attention mechanisms [3, 38], an intuitive solution is to tweak α i α_i αi to be aware of the target user u i u_i ui, i.e., assigning an individualized weight for each ( v a , u i ) (v_a, u_i) (va,ui) pair, (受注意机制[3,38]的启发,为了缓解基于均值的聚合器的局限性,一个直观的解决方案是调整 α i α_i αi以了解目标用户 u i u_i ui例如,为每个 ( v a , u i ) (v_a,u_i) (va,ui)分配一个个性化权重)
(6) The final attention weights are obtained by normalizing the above attentive scores using Softmax function, which can be interpreted as the contribution of the interaction to the item-space user latent factor of user u i u_i ui as: (最后的注意权重是通过使用Softmax函数对上述注意分数进行归一化得到的,该函数可以解释为交互对用户 u i u_i ui的项目空间用户潜在因子的贡献:)
(1) Due to the social correlation theories [20, 21], a user’s preference is similar to or influenced by his/her directly connected social friends. We should incorporate social information to further model user latent factors. (根据社会关联理论[20,21],用户的偏好与他/她直接联系的社会朋友相似或受其影响。我们应该结合社会信息来进一步模拟用户的潜在因素。)
(2) In order to represent user latent factors from this social perspective, we propose social-space user latent factors, which is to aggregate the item-space user latent factors of neighboring users from the social graph. (为了从这个社会角度来表示用户潜在因素,我们提出了社会空间用户潜在因素,即从社会图中聚合相邻用户的项目空间用户潜在因素。)
Specially, the social-space user latent factor of u i u_i ui, h i S h^S_i hiS, is to aggregate the item-space user latent factors of users in u i u_i ui’s neighbors N(i), as the follows: (特别, u i u_i ui的社会空间用户潜在因素, h i S h^S_i hiS, 是对 u i u_i ui的邻居的项目空间用户潜在因素进行聚合),如下所示:)
(3) One natural aggregation function for A g g r e n e i g b h o r s Aggre_{neigbhors} Aggreneigbhors is also the mean operator which take the element-wise mean of the vectors in { h o I , ∀ ∈ N ( i ) } \{h^I_o, \forall \in N(i)\} {hoI,∀∈N(i)}, as the following function:
(1) Likewise, we use a similar method as learning item-space user latent factors via item aggregation. For each item v j v_j vj, we need to aggregate information from the set of users who have interacted with v j v_j vj, denoted as B ( j ) B(j) B(j). (同样,我们使用了一种类似于通过项目聚合学习项目空间用户潜在因素的方法。每项 v j v_j vj, 我们需要从与 v j v_j vj进行交互的用户集合中收集信息, 表示为 B ( j ) B(j) B(j)。)
(2) Even for the same item, users might express different opinions during user-item interactions. These opinions from different users can capture the characteristics of the same item in different ways provided by users, which can help model item latent factors. (即使对于同一个项目,用户在与项目交互时也可能表达不同的意见。这些来自不同用户的意见可以以用户提供的不同方式捕捉同一项目的特征,这有助于对项目潜在因素进行建模。)
For an interaction from u t u_t ut to v j v_j vj with opinion r r r, we introduce an opinionaware interaction user representation f j t f_{jt} fjt, which is obtained from the basic user embedding p t p_t pt and opinion embedding e r e_r er via a MLP, denoted as g u g_u gu. g u g_u gu is to fuse the interaction information with the opinion information, as shown in Figure 2:
(3) Then, to learn item latent factor z j z_j zj, we also propose to aggregate opinion-aware interaction representation of users in B ( j ) B(j) B(j) for item v j v_j vj. The users aggregation function is denoted as A S g g r e u s e r s ASggre_users ASggreusers, which is to aggregate opinion-aware interaction representation of users in { f j t , ∀ t ∈ B ( j ) } \{f_{jt}, \forall t \in B(j)\} {fjt,∀t∈B(j)} as: (然后,学习项目潜在因素 z j z_j zj , 我们还建议在 B ( j ) B(j) B(j)中为 v j v_j vj项聚合用户的观点感知交互表示 . 用户聚合函数表示为)
(4) In addition, we introduce an attention mechanism to differentiate the importance weight μ j t \mu_{jt} μjt of users with a two-layer neural attention network, taking f j t f_{jt} fjt and q j q_j qj as the input,
(1) To estimate model parameters of GraphRec, we need to specify an objective function to optimize. Since the task we focus on in this work is rating prediction, a commonly used objective function is formulated as, (为了估计GraphRec的模型参数,我们需要指定一个目标函数进行优化。由于我们在这项工作中关注的任务是评级预测,一个常用的目标函数公式如下:,)
(2) To optimize the objective function, we adopt the RMSprop [31] as the optimizer in our implementation, rather than the vanilla SGD. (为了优化目标函数,我们在实现中采用RMSprop[31]作为优化器,而不是普通的SGD。)
(1) To evaluate the performance, we compared our GraphRec with three groups of methods including traditional recommender systems, traditional social recommender systems, and deep neural network based recommender systems. For each group, we select representative baselines and below we will detail them. (为了评估性能,我们将GraphRec与三组方法进行了比较,包括传统推荐系统、传统社会推荐系统和基于深度神经网络的推荐系统。对于每组,我们选择有代表性的基线,下面我们将详细介绍它们。)
PMF [24]: Probabilistic Matrix Factorization utilizes user-item rating matrix only and models latent factors of users and items by Gaussian distributions. (概率矩阵分解仅利用用户项目评分矩阵,并通过高斯分布对用户和项目的潜在因素进行建模。)
SoRec[17]:SocialRecommendation performs co-factorization on the user-item rating matrix and user-user social relations matrix. (SocialRecommension对用户项目评分矩阵和用户社会关系矩阵执行协因子分解。)
SoReg [18]: Social Regularization models social network information as regularization terms to constrain the matrix factorization framework. (社会正则化将社会网络信息建模为正则化项,以约束矩阵分解框架。)
SocialMF [13]: It considers the trust information and propagation of trust information into the matrix factorization model for recommender systems. (它考虑了信任信息和信任信息在推荐系统矩阵分解模型中的传播。)
TrustMF [37]: This method adopts matrix factorization technique that maps users into two low-dimensional spaces: truster space and trustee space, by factorizing trust networks according to the directional property of trust. (该方法采用矩阵分解技术,根据信任的方向性对信任网络进行分解,将用户映射到两个低维空间:信任者空间和信任者空间。)
NeuMF [11]: This method is a state-of-the-art matrix factorization model with neural network architecture. The original implementation is for recommendation ranking task and we adjust its loss to the squared loss for rating prediction. (该方法是一种具有神经网络结构的先进矩阵分解模型。最初的实现是用于推荐排名任务,我们将其损失调整为用于评级预测的平方损失。)
DeepSoR [8]: This model employs a deep neural network to learn representations of each user from social relations, and to integrate into probabilistic matrix factorization for rating prediction. (该模型采用深度神经网络从社会关系中学习每个用户的表示,并集成到概率矩阵分解中进行评级预测。)
GCMC+SN [1]: This model is a state-of-the-art recommender system with graph neural network architecture. In order to incorporate social network information into GCMC, we utilize the node2vec [9] to generate user embedding as user side information, instead of using the raw feature social connections ( T ∈ R n × n T \in R^{n\times n} T∈Rn×n) directly. The reason is that the raw feature input vectors is highly sparse and highdimensional. Using the network embedding techniques can help compress the raw input feature vector to a low-dimensional and dense vector, then the model can be easy to train. (GCMC+SN[1]:该模型是一个具有图形神经网络结构的最先进的推荐系统。为了将社交网络信息整合到GCMC中,我们利用node2vec[9]生成用户嵌入作为用户侧信息,而不是使用原始特征社交连接( T ∈ R n × n T \in R^{n\times n} T∈Rn×n)直接。原因是原始特征输入向量是高度稀疏和高维的。利用网络嵌入技术可以将原始输入特征向量压缩为低维密集向量,从而使模型易于训练。)
PMF and NeuMF are pure collaborative filtering model without social network information for rating prediction, while the others are social recommendation. Besides, we compared GraphRec with two state-of-the-art neural network based social recommender systems, i.e., DeepSoR and GCMC+SN. (PMF和NeuMF是纯粹的协同过滤模型,没有用于评级预测的社交网络信息,而其他模型是社交推荐。此外,我们还将GraphRec与两个最先进的基于神经网络的社会推荐系统,即DeepSoR和GCMC+SN进行了比较。)
(1) Systems We first compare the recommendation performance of all methods. Table 3 shows the overall rating prediction error w.r.t. RMSE and MAE among the recommendation methods on Ciao and Epinions datasets. We have the following main findings: (我们首先比较所有方法的推荐性能。表3显示了Ciao和EPIONS数据集推荐方法中的整体评级预测误差w.r.t.RMSE和MAE。我们有以下主要发现:)
(2) To sum up, the comparison results suggest
In this subsection, we study the impact of model components and model hyper-parameters. (在本小节中,我们将研究模型组件和模型超参数的影响。)
(2)The results of different attention mechanisms on GraphRec are shown in Figure 4. From the results, we have the following findings, (GraphRec上不同注意机制的结果如图4所示。从结果来看,我们有以下发现:,)
(3) To sum up, GraphRec can capture the heterogeneity in aggregation operations of the proposed framework via attention mechanisms, which can boost the recommendation performance. (GraphRec可以通过注意机制捕获所提出框架聚合操作中的异构性,从而提高推荐性能。)
(1) In this section, we briefly review some related work about social recommendation, deep neural network techniques employed for recommendation, and the advanced graph neural networks. (在这一部分中,我们简要回顾了有关社会推荐的一些相关工作,推荐中使用的深层神经网络技术,以及高级图神经网络。)
(2) Exploiting social relations for recommendations has attracted significant attention in recent years [27, 28, 37]. One common assumption about these models is that a user’s preference is similar to or influenced by the people around him/her (nearest neighbours), which can be proven by social correlation theories [20, 21]. Along with this line, (近年来,利用社会关系提出建议引起了广泛关注[27,28,37]。关于这些模型的一个常见假设是,用户的偏好与他/她周围的人(最近的邻居)相似或受其影响,这可以通过社会关联理论得到证明[20,21]。沿着这条线,)
(2) In recent years, deep neural network models had a great impact on learning effective feature representations in various fields, such as speech recognition [12], Computer Vision (CV) [14] and Natural Language Processing (NLP) [4]. Some recent efforts have applied deep neural networks to recommendation tasks and shown promising results [41], but most of them used deep neural networks to model audio features of music [32], textual description of items [3,33], and visual content of images [40]. Besides, NeuMF [11] presented a Neural Collaborative Filtering framework to learn the non-linear interactions between users and items. (近年来,深度神经网络模型在语音识别[12]、计算机视觉(CV)[14]和自然语言处理(NLP)[4]等领域对学习有效的特征表示产生了重大影响。最近的一些研究已经将深度神经网络应用于推荐任务,并显示了有希望的结果[41],但大多数研究都使用深度神经网络对音乐的音频特征[32]、项目的文本描述[3,33]和图像的视觉内容[40]进行建模。此外,NeuMF[11]提出了一个神经协同过滤框架来学习用户和项目之间的非线性交互。)
(3) However, the application of deep neural network in social recommender systems is rare until very recently. (然而,直到最近,深层神经网络在社会推荐系统中的应用还很少见。)
(4) Most related to our task with neural networks includes DLMF [6] and DeepSoR [8]. (与我们的神经网络任务最相关的包括DLMF[6]和DeepSoR[8]。)
(5) More recently, Graph Neural Networks (GNNs) have been proven to be capable of learning on graph structure data [2, 5, 7, 15, 25]. In the task of recommender systems, the user-item interaction contains the ratings on items by users, which is a typical graph data. Therefore, GNNs have been proposed to solve the recommendation problem [1, 22, 39]. (最近,图形神经网络(GNN)已被证明能够对图形结构数据进行学习[2,5,7,15,25]。在推荐系统的任务中,用户项目交互包含用户对项目的评分,这是一个典型的图形数据。因此,有人提出GNN来解决推荐问题[1,22,39]。)
(6) Despite the compelling success achieved by previous work, little attention has been paid to social recommendation with GNNs. In this paper, we propose a graph neural network for social recommendation to fill this gap. (尽管之前的工作取得了令人信服的成功,但人们很少关注GNNs的社会推荐。在本文中,我们提出了一种用于社会推荐的图神经网络来填补这一空白。)
(1) We have presented a Graph Network model (GraphRec) to model social recommendation for rating prediction (我们提出了一个图网络模型(GraphRec)来为评级预测的社会推荐建模。) .
(2) Particularly, we provide a principled approach to jointly capture interactions and opinions in the user-item graph.(特别是,我们提供了一种原则性的方法来共同捕获用户项目图中的交互和观点。)
(3) Our experiments reveal that the opinion information plays a crucial role in the improvement of our model performance.
(4) In addition, our GraphRec can differentiate the ties strengths by considering heterogeneous strengths of social relations. (此外,我们的GraphRec可以通过考虑社会关系的异质性强度来区分关系强度。)
Experimental results on two real-world datasets show that GraphRec can outperform state-of-the-art baselines. (在两个真实数据集上的实验结果表明,GraphRec的性能优于最先进的基线)
Currently we only incorporate the social graph into recommendation, while many real-world industries are associated rich other side information on users as well as items. For example, users and items are associated with rich attributes. Therefore, exploring graph neural networks for recommendation with attributes would be an interesting future direction. Beyond that, now we consider both rating and social information static. However, rating and social information are naturally dynamic. Hence, we will consider building dynamic graph neural networks for social recommendations with dynamic. (目前,我们只将社交图纳入推荐中,而现实世界中的许多行业都与用户和项目的丰富其他方面信息相关联。例如,用户和项目与丰富的属性相关联。因此,探索利用属性推荐的图神经网络将是一个有趣的未来方向。除此之外,现在我们认为评级和社会信息都是静态的。然而,评级和社会信息自然是动态的。因此,我们将考虑建立动态图形神经网络的动态社会推荐。)