208
Views
0
CrossRef citations to date
0
Altmetric
Research Article

Enhanced Sub-graph Reconstruction Graph Neural Network for Recommendation

, , &
Article: 2355425 | Received 24 Jan 2024, Accepted 08 May 2024, Published online: 12 Jun 2024

ABSTRACT

Personalized recommendation can recommend items of interest to different users and is widely used in the real world. Among them, graph collaborative filtering is a method of personalized recommendation. It can enrich the connection between users and items on the basis of collaborative filtering, to learn the embedded representation of nodes more accurately. Since graph collaborative filtering is based on bipartite graphs, few exciting graph collaborative methods consider the relationships between users (or items), the message between homogeneous nodes are diluted or ignored. Predicting and constructing the relationship between users (or items) has become a challenging. To solve this problem, we propose an enhanced sub-graph reconstruction graph neural network for recommendation (SRCF), using a heterogeneous graph neural network based encoder-decoder learn potential relationships between users (or items), and reconstruct sub-graphs based on those relationships. In the proposed model, the information of user and item sub-graphs is merged with the network of graph collaborative filtering, which enhances effective information transfer between homogeneous nodes, thereby improving the model performance. We have selected a number of data sets of different scenarios and different scales to comprehensively evaluate the performance of the model, and the experimental results confirmed the superiority of our model.

Introduction

In this era of information explosion, personalized recommendation plays an extremely important role. It recommends items that different users may like by learning the embedded representation of users and items. This recommendation method is widely used in all walks of life. Such as: movie recommendation (A and Hunt Citation2015), news recommendation (Zheng et al. Citation2018), media recommendation (Guy et al. Citation2010), health-care recommendation (Forouzandeh et al. Citation2024; Rostami et al. Citation2024; Srivani, Murugappan, and Mala Citation2023), personalized education recommendation (Atalla et al. Citation2023), recommendations based on energy conservation and emission reduction (Himeur et al. Citation2021; Sardianos et al. Citation2020), smart home recommendations (Dudekula et al. Citation2023), etc. The key point of building a personalized recommendation method is to model the relationship between users and items. Collaborative filtering (CF) is a widely applied recommendation method (Su and Khoshgoftaar Citation2009). In the application scenario of collaborative filtering, users and items are naturally divided into a bipartite graph structure due to the connection between them, and the graph neural network can improve the performance of the traditional collaborative filtering model by learning the network structure (Wang et al. Citation2019, Citation2020). This is because the graph neural network can obtain the CF signals in the graph structure by learning the high-order connections between users and items, and reduce the impact of data sparsity on the model. For example, NGCF (Wang et al. Citation2019) learns the high-order relationship between users and items through graph aggregation layers, and aggregates the learned information to obtain the embedded representation of nodes. LightGCN (He et al. Citation2020) simplifies GCN (Kipf and Welling Citation2016a) by removing feature transformation and nonlinear activation, and also learns user and item representation through this improved graph neural network.

In the existing research, most of the methods are deeply studying the interactive relationship between users and items, but ignore the relationship between users (or items) (He et al. Citation2020; Sun et al. Citation2022; Wang et al. Citation2019). The information transfer process in these methods is shown in . From the figure, we can see that when we need to get the embedded representation of a user node u1, the information of other “associated” user nodes needs to be aggregated to an item node first, and then aggregated by multiple item nodes to calculate the final embedding of the user. Assume there is a high correlation between u4 and u1. In the traditional graph collaborative filtering method, if u4 wants to pass information to u1, it must first pass through i2 and mix with i1. There is a large portion of important information that gets diluted, which leads to the loss of information. However, how to predict and model such node relationships has become a challenge.

Figure 1. Message passing process.

Figure 1. Message passing process.

In order to solve this problem, and inspired by the learnability of node relationships in Graph Neural Networks (GNN) (Zhao et al. Citation2021), we hope to mine the implicit association hidden in the initial user-item relationship graph structure, reconstruct this part of the relationship into a sub-graph, so the information aggregated in the sub-graph can enrich the CF signal in the user-item interaction graph. To achieve this idea, there are several difficulties to be solved: (1) How to learn the initial interaction structure; (2) How to reflect the importance of edges on the reconstructed graph; (3) How to maintain the connectivity of the reconstructed sub-graph. so we propose our model: Enhanced Sub-graph Reconstruction Graph Neural Network for Recommendation (SRCF). Firstly, we propose a graph encoder to learn the structure of the user-item interaction graph, calculate the possibility that there may be edges between users, digging out the potential behavior relationship between users. To ensure the connectivity of the graph structure, we select edges with high probability for each user (or item) according to the learned possibility, then convert possibility scores into weights through normalized calculations, finally construct a weighted user sub-graph and a weighted item sub-graph, this process is shown in the , and detailed in the . Secondly, we need to aggregate the information in the user sub-graph and the item sub-graph with the CF signal in the user-item interaction graph. In this step, SRCF design a weighted-GNN method to obtain the high order aggregate representation of each node in the user (or item) sub-graph, and merges it with the node representation in the user–item interaction graph to obtain a vector representation of the user (or item). Finally, we perform iterative optimization through BPRLoss. Our significant contributions are highlighted as follows:

Figure 2. Reconstruction of sub-graphs.

Figure 2. Reconstruction of sub-graphs.

Figure 3. An overview of the SRCF model. (a) shows the detailed process of the sub-graph reconstruction module, and (b) shows the learning process of the node embedding representation learning module.

Figure 3. An overview of the SRCF model. (a) shows the detailed process of the sub-graph reconstruction module, and (b) shows the learning process of the node embedding representation learning module.
  • We propose a GNN-based encoder to learn the interaction of users and items, mine potential relationships between users (or items), and reconstruct weighted user sub-graphs and weighted item sub-graphs through these potential relationships. So that our model can accurately learn the transfer of information between homogeneous nodes.

  • We take advantage of the feature that GNN can aggregate high-order connected relationships, thus obtain high-order relationship representations between users (or items) from weighted user sub-graph and weighted item sub-graph, combine these representations with CF signals in the user-item interaction graphs. We take advantage of the feature that GNN can aggregate high-order connected relationships, thus obtain high-order relationship representations between users (or items) from weighted user sub-graph and weighted item sub-graph, combine these representations with CF signals in the user-item interaction graphs. Compared with traditional graph collaborative filtering models, we dig out more useful information from the dataset and use that information to fully and accurately represent users and items.

  • We conduct experiments on multiple datasets of different scenarios and scales, and the experimental results show that our model is effective.

Related Work

This section including two parts: (1) Graph Neural Network, (2) Graph-based Collaborative Filtering.

Graph Neural Network (GNN)

Since CNN has made great achievements in the field of image processing, many researchers have also applied the idea of convolution to the graph structure, forming a graph convolutional neural network. Homogeneous graph convolutional models can be broadly classified into two categories. The first is in the spectral domain, where Bruna et al. (Citation2013) first proposed a graph convolution method based on the graph Laplacian transform. Defferrard, Bresson, and Vandergheynst (Citation2016) applied k-order Chebyshev polynomials and improved performance based on them, and Kipf and Welling (Citation2016a) adopted local first-order approximation to design a graph model called graph convolutional network, which also achieved good performance. The second is a spatial approach, GAT Veličković et al. (Citation2017) applies the attention mechanism to learn the influence coefficient, that is, the weight between different nodes, so as to aggregate the nodes. GraphSAGE (Hamilton, Ying, and Leskovec Citation2017) samples neighbor nodes to aggregate objects. In recent years of research, graph neural network methods have been applied to many scenarios, such as: social recommendation (Fan et al. Citation2019; Wu et al. Citation2019), bio-informatics (Wang et al. Citation2021; Yan, Hamilton, and Blanchette Citation2020), traffic forecast (Cui et al. Citation2019; Li et al. Citation2017). Collaborative filtering recommendation based on graph neural network is also a hot research direction.

Graph-Based Collaborative Filtering

Methods based on graph neural networks have also been applied in the field of recommendation. Because the interaction graph between users and items in the collaborative filtering method is a natural bipartite graph, method based on graph neural network can enhance the information transfer between users and items, meanwhile graph-based method can effectively solve the sparsity of data (Wang et al. Citation2019), many researchers have begun to try the collaborative filtering method based on the graph neural network. We can divide these methods into two categories: (1) The first category methods obtain node embeddings by deep learning the relationship between users and items. NGCF (Wang et al. Citation2019) uses graph neural network to capture high-order information in graph structure as a supplement to traditional collaborative filtering signals. DGCF (Wang et al. Citation2020) models each user-item interaction to obtain a disentangled representation for efficiently extracting intent-related information. Dynamic-GCF (Li et al. Citation2020) captures the collaborative relationship directly acting on users and items through dynamic graphs. EGLN (Yang et al. Citation2021) let the augmented graph learning module and the node embedding module learn iteratively from each other without any feature input. However, none of these methods take into account whether there is a relationship between users (or items). (2) The second category of methods considers the relationship between users (or items). Multi-GCCF (Sun et al. Citation2019) expand the feature information of nodes through node similarity calculation, and iterate through graph neural network, DMGCF (Tang et al. Citation2021) update node features through dynamic graph structure, calculate similar nodes, and use graph convolutional network for aggregation. MCCF (Wang, Wang et al. Citation2020) enrich the learning of node embeddings by calculate the relationships between user nodes to predict potential user purchase motivations. RESCHet (Forouzandeh et al. Citation2023) present a new method for Recommendation Based on Embedding Spectral Clustering in Heterogeneous Networks. Compared to our method, the relationships these model constructed cannot adequately express the process of information transfer between homogeneous nodes.

Preliminaries

User-Item Bipartite Graph

In the GNN-based recommendation method, we will construct a user-item bipartite graph with user’s historical rating on the item. This graph is denoted as G = (U, I, R, E), where U represents the set of users. I denotes the set of items. R represents user’s historical ratings for items, it represents the possible weights in the graph structure. E is the edge set corresponding to the user’s rating of the item, the edge set directly corresponds to the connectivity in the graph.

Our Model

In this section, we will introduce our model SRCF. Firstly we will overview the various parts of our model and their functions, and then we will detail each part. The model structure of SRCF is shown in the .

SRCF Overview

Our model SRCF consists of three modules, namely (1) user and item sub-graph reconstruction module, (2) GNN-based node embedding learning module, and (3) Graph score prediction module.

User and item sub-graph reconstruction module. SRCF learns the relationship between users and items through the structure of the user-item interaction graph, predicts the relationship between users (or items), and reconstructs the user sub-graph and item sub-graph based on the predicted results. The structure of these two sub-graphs will be connected with nodes that have high correlation or similarity, so as to strengthen the information transfer between them.

GNN-based node embedding learning module. Based on the method of graph neural network, SRCF learns the embedded representation of users and items through the three graph network structures of user sub-graph, item sub-graph and user-item bipartite graph, which complements the traditional collaborative filtering method. The internal information transfer of users (or items) enriches the process of embedding information learning.

Graph score prediction module. Our model SRCF performs dot calculation between user and item representations. The final prediction score is obtained from the calculation results.

User and Item Embedding Initialization

According to the practice of mainstream recommendation models (Cao et al. Citation2019; He et al. Citation2017; Rendle et al. Citation2012), we obtain the initial embedding through random initialization, we use a vector euRd to represent a user u, use a vector eiRd describe an item i, Rd is the dimension of the embedded vector, and the vector dimensions of users and items are the same, thus constructing a feature embedding lookup table:

(1) E=eu1,,euN,ei1,,eiM(1)

where N and M denotes the dimensions of user node and item node.

User and Item Sub-Graph Reconstruction

We believe that in the user-item bipartite graph, there is also an important potential information transfer between users (or items) with high relevance, but the traditional graph collaborative filtering model cannot capture and learn this partial information. We hope that this information can be transmitted through the relationship constructed by structure learning. According to the work of (Zhao et al. Citation2021), it is proved that the graph neural network based on structure unsupervised learning can mine the implicit link of the graph structure, thereby enhancing the learning effect of the graph neural network. So we set up an encoder and decoder based on VGAE (Kipf and Welling Citation2016a) and LightGCN (He et al. Citation2020) to learn the structure of the user-item interaction graph, and predict the possibility of edge relationships between different nodes. The specific content of the encoder and decoder is shown in the formula:

encoder

(2) eu(k+1)=iNu1NuNiei(k)ei(k+1)=uNi1NiNueu(k)(2)

• decoder

(3) Relationuiuj=σ(euiwueujT)Relationixiy=σ(eixwieiyT)(3)

where eu(k+1)denotes the embedding of user u at layer k+1, N represents the degree of user u, Relationuiuj is the link probability score.

After we have obtained the user-user matrix Relationuand item-item matrix Relationi based on Formula.3, we connect the unlink nodes with higher scores, and the construction of the sub-graph follows the conditions: (1) To reconstruct the connectivity of sub-graphs, we ensure that each node has an edge to connect it; (2) There will be no repeated edges in the reconstructed sub-graph; (3) The probability scores between nodes will become the weights of the edges in the sub-graph. The error situation of reconstructing the sub-graph is shown in the .

Figure 4. Wrong example of sub-graph refactoring.

Figure 4. Wrong example of sub-graph refactoring.

After reconstructing the sub-graph, we will normalize the weight of the sub-graph. The purpose of this is to retain the degree of association we have learned. We think that the nodes with higher degree of association needs to conveye more information, and the normalized formula is shown in formula:

(4) βijαijjN(i)αij(4)

where N(i) is the set of neighbors of node i, βij is the weight between node i and j, αij is the probability score learned by our method.

GNN-Based Node Embedding Learning

After we reconstruct the sub-graph of user and item nodes, we get guser and gitem, we will use the method based on graph neural network to collect the multi-level information transfer in the two sub-graphs and user-item interaction graph gu.

User-Item Message Propagation

In the user-item information transfer, our model SRCF, like the traditional recommendation model, uses a graph neural network-based method to obtain the collaborative filtering signal (CF) in the graph structure. We believe that the user-item bipartite graph belongs to heterogeneous qualitative graph structure, so we use learnable transition matrices for different types of nodes on the basis of the traditional method (He et al. Citation2020; Wang et al. Citation2019). The formula of transition is:

(5) f u=σ(Wufn+bu)f i=σ(Wifn+bi)(5)

where f denotes the feature of node, W is a learnable transition matrices.

Then we need to employ the graph convolution neural network to learn the embedded representation of users and items:

(6) Fk=LeakyReLUL+IFK1W1k+LFk1FK1W2k(6)

where Fk is the node feature matrix calculated at layer k,L denotes the Laplacian matrix, ⊙represents the element-wise product, W is a trainable matrix.

(7) L=D12AD12andA=0RRT0(7)

where D represents the degree matrix.

User-User Message Propagation

For user nodes, in addition to the CF signal in the user-item interaction graph, we will also learn the information transfer between user nodes with high correlations from the user sub-graph. Our approach allows the model to learn the relationship shown in . This homogeneous relationship contains a large amount of associated information. And learning methods based on graph neural networks allow us to simultaneously learn high-level information about nodes in each graph. From a practical point of view, this approach can be understood as: for user node u1, user u2 and u1 have a high correlation, than we can recommend the items which is interested in u2 to u1, directly aggregate the information of u2 to u1. The user-user message propagation process can be summarized as:

(8) huk=σWuAGGhuk1,hNuk1+bu(8)

where huk is the node feature matrix at the k-th layer, Wu denotes the learnable matrix corresponding to the user type node, AGG represents the aggregated function. The detailed formula of AGG is:

(9) AGGhuk1,hNuk1=huk1+jNuαujhjk11+Nu(9)

where huk1 denotes node feature matrix of node u at the (k-1)-th layer, hNuk1 denotes the representation of the neighbors of node u under the (k-1)-th layer, Nu is the degree of node u, αuj is the weight between node u and j calculated in subgraph reconstruction, which is also learnable. The complete formula for user-user information transfer is:

(10) huk=σWuhuk1+jeNuαujhjk11+Nu+bu(10)

Item-Item Embedding Propagation

For item nodes, there is also important information transmission between high relationship items. We need to let this information be transmitted directly instead of being diluted in the user-item interaction graph, so we use the weighted sub-graphs for information aggregation. Our approach also has practical significance. Information transmission between item nodes with a high degree of correlation can be understood as: i1 and i2 have a high degree of correlation, and we can directly transfer the user node information around i1 to i2, because if a user likes a certain item, there is a high

probability that he also likes items similar to this item. The formula for item-item information transfer is:

(11) hik=σ(Wihi(k1)+ jN(i)αijhj(k1)(1+|N(i)|)+bi)(11)

Graph Score Prediction

Embedding Aggregate

After we get the embedded representations of users and items from guser, gitem and gui, we need to integrate them to predict the user’s rating for the user. Our approach is to concat the user representation in the user sub-graph with the user-item interaction graph becomes a complete representation of the user, as same as the item representation:

(12) eu=euu|euuiei=eiieiui(12)

where eu the final embedding representation of the user u, euu is the user embedding learned in the user sub-graph,euuiis the user embedding learned in the user-item interaction graph,denotes the concat calculation.

Score Prediction

After we have obtained the embedding representations of users and items, refer to the operation of the classic recommendation model (He et al. Citation2020; Wang et al. Citation2019), we need to obtain the prediction scores of each user for items by way of inner product: way of inner product:

(13) yˆSRCFu,i=euTei (13)

Optimization

To obtain optimal model parameters, we use the BPR loss[19], which is extensively used in recommend method (Chen et al. Citation2017; Koren, Rendle, and Bell Citation2022; Zhang et al. Citation2019). BPR assumes that existing interactions reflect user preferences and assigns higher predictive values to existing interactions than nonexistent interactions. The formula for BPR is:

(14) Loss= u,i,iInσyˆuiyˆuj(14)

where u,i.j represents a triplet, uand i are related nodes, and u and j are unrelated nodes, yˆui denotes the product of user u and item i.σ is the sigmod function,

Experiments

We test our model on multiple real-world datasets and answering the following questions:

  • Q1 Compared with other recommendation models, does our model SRCF have an advantage in performance?

  • Q2 Does the reconstruction of sub-graphs have a substantial effect in our model?

  • Q3 In the training of the model, will the settings of some hyper-parameters affect the effect of the model?

Datasets

In order to evaluate the effect of our model SRCF, we select four public datasets in the real-world, namely: ML-100k, ML-1 M (Harper and Konstan Citation2015), Yelp, Gowalla (Cho, Myers, and Leskovec Citation2011), the detail of the datasets are shown in the . These datasets are different in scene, scale, and sparsity, and we can use the results on these datasets to fully measure the effect of the model. For each dataset, we divide 80% into a train set, 10% into a valid set, and the remaining 10% into a test set during training.

Table 1. The detail of various datasets.

Baseline

We select seven recently proposed classical model models for comparison, so as to comprehensively evaluate the level of our model SRCF. Compared with our model, although these benchmark models have very good recommendation effects in their respective fields, they cannot learn the direct information transfer between homogeneous nodes in the bipartite graph, which is also their biggest flaw.

  • BPRMF (Rendle et al. Citation2012) It is the first time to optimize the model through BPR loss, the most classic BPR model.

  • NeuMF (He et al. Citation2017) It applies a multi-layer perceptron to learn the interaction relationship between nodes, so as to learn the embedding representation of users and items.

  • NGCF (Wang et al. Citation2019) It firstly uses a GNN-based method to understand the high-order relationship between users and items, thereby improve the effect of collaborative filtering.

  • MCCF (Sun et al. Citation2019) It learns the relationship between potential users and items in the user item bipartite graph based on the attention mechanism.

  • DGCF (Wang et al. Citation2019) It obtains more accurate representation through separate learning of users and items, and improve the efficiency of model recommendation.

  • LightGCN (He et al. Citation2020) It simplifies GCN (Kipf and Welling Citation2016a) by removing feature transformation and nonlinear activation.

  • SGAT (Sun et al. Citation2022) It uses a sequential attention algorithm to obtain node representations.

  • simGCL (Sun et al. Citation2022) Based on comparative learning and the introduction of directional random noise into the data, simGCL represents another recently proposed recommendation model in the domain of graph neural networks.

  • RocSE (Sun et al. Citation2022) RocSE is a graph neural network based on adversarial learning, and the robustness of the model can be significantly improved by adversarial perturbation

Evaluation Metrics

In order to comprehensively test the effect of our model, we apply two evaluation metrics widely used in recommendation systems, namely RECALL@N and NDCG@N, and the values of N are 10, 20 and 50.

Personalized Recommendation (Q1)

The experimental results of personalized recommendation are shown in the . The data of our model is marked in bold. According to the data in the table, we can analyze: (1) LightGCN is the best model among most models except our model, followed by DGCF and NGCF which are two classic graph collaborative filtering models. (2) In most datasets, our model SRCF is better than all the comparison models. We believe that the reason why our model is superior to other models is that in addition to the user item bipartite graph, our model also learns the information of user sub graph and project sub graph, so that we can calculate the embedded representation of nodes more accurately. The functional analysis of each module in our model will be given in the ablation study section.

Table 2. Experimental results of personalized recommendation.

Ablation Study (Q2)

In this chapter, we will analyze the role of each module in our model through experiments. We will divide SRCF into three models, namely SRCF-, SRCF-user and SRCF-item:

  • SRCF- : Remove user and item sub-graph reconstruction modules.

  • SRCF-user : Remove user sub-graph reconstruction modules.

  • SRCF-item : Remove item sub-graph reconstruction modules.

Like the personalized recommendation experiments, we use Movielens-1 M, Yelp and Gowalla as test datasets., the evaluation Matrix are Recall@10 and NDCG@10.

shows the experimental results of our model after removing each module. From the table, we can analyze and get: (1) SRCF has the best effect, that is to say, the best effect can be achieved only after the modules are combined together. The effect of SRCF-user is ranked second, and the worst is SRCF- with two sub-graph reconstruction modules removed. (2) We believe that the reason for such experimental results is that there is important information transfer between homogeneous nodes, the data in the table also confirms that there is effective information transmission in both the user sub-graph and the item sub-graph, which is particularly important for the task of recommendation.

Table 3. Ablation Study.

Hyper-Parameters Sensitivity (Q3)

In this section, we will tune different hyper-parameters for experimental analysis and observe whether different hyper-parameters will change the performance of the model.

shows the influence of different aggregation layers on the experimental results of the model. It should be noted that our aggregation layers are uniform for the three graph structures. From the experimental data, we can find that the effect of the model is the best when the number of aggregation layers is 2, and the effect is the worst when the number of aggregation layers is 1. Due to the characteristics of the graph neural network, when the number of aggregation layers is 2–3, it will aggregate to most of the surrounding high-order . Effects of Different Aggregation Layers of Graph Neural Network associated nodes, thus showing the best performance, and when the number of layers is too large, the graph neural network will be lead to over-fitting due to the aggregation of too much content. Because of this property, our method can not only learn high-order relations in user-item interaction graphs, but also learn high-order relations in user sub-graphs and item sub-graphs, which is the strength of our model.

Figure 5. Effects of different aggregation layers of GNN-based methods.

Figure 5. Effects of different aggregation layers of GNN-based methods.

Figure 6. Effects of different aggregation layers of graph neural network.

Figure 6. Effects of different aggregation layers of graph neural network.

shows the impact of different embedding dimensions on the model results. The left picture changes the dimension of the node features, and the right picture changes the hidden layer dimension of the graph neural network. From the figure, we can see that when the dimension is 64, the effect of the model reaches the highest value, and too few or too many dimensions will lead to a decline in the experimental results. We analyze that too few dimensions cannot allow the model to learn sufficiently accurate information, and when the dimension is too large, the model will learn too much information which cause over-fitting.

As shown in the , the influence of the number of edges of each node in sub-graph reconstruction on the effect of the model is shown. To consider the difference of data sets, we conducted experiments in three data sets. From the data in the table, we can get: (1) In the M1-1 M, the effect of the model is the best when the edge of the node is 4, while in Yelp and Gowalla, the effect is the best when the edge is 5. Both too few edges and too many edges will lead to a decrease in the effect of the model. (2) In sub-graph reconstruction, each node needs to have 4 or more edges, but too many edges will lead to a decline in the effect of the model. We think that different data set structures will have different requirements for the size of the sub-graph. In M1- 1 m, the average connection of users to items is higher than Gowalla and Yelp, which also makes it unnecessary to have too many edges in the sub-graph to transfer information. But what is certain is that no matter which dataset, after adding the sub-graph, our model can obtain better performance.

Figure 7. Effects of the number of edges reconstructed by the model.

Figure 7. Effects of the number of edges reconstructed by the model.

Conclusions

In this paper, we have proposed an Enhanced Sub-graph Reconstruction Graph Nerual Network for Recommendation, we construct a graph encoder on the basis of structural learning to mine the information transfer between homogeneous nodes hidden in user-item interaction graphs, construct these relationships into a weighted user sub-graph and a weighted item sub-graph, which enhances the information transfer be tween nodes, and finally we merge the information on the sub graph with the CF signal on the user-item interaction graph, get the final node embedding. Through a large number of experiments, it is confirmed that our method is effective, and the construction of sub-graphs can improve the effect of the model. Compared with the traditional method, our method can obtain the information transfer between homogeneous nodes with high correlation, which can effectively improve the effect of our model recommendation. It can also be seen from our experimental results that removing any one of the two subgraphs will affect the effect of the model, which also illustrates the importance and effectiveness of the subgraph from another aspect. In the future, inspired by (Areeb et al. Citation2023; Himeur et al. Citation2022, Citation2022) and (Caro-Martínez, Jiménez-Díaz, and Recio-Garcia Citation2023; Markchom, Liang, and Ferryman Citation2023; Sardianos et al. Citation2021),we will carry out two aspects of work in the follow-up work: 1. Research on privacy protection, security and filter bubbles, and combine them with the algorithm of the recommendation system. 2. Research can explain the role of sex in recommendation systems. In addition, we hope to add more node attributes in the next work, so as to achieve more accurate relationship prediction.

Disclosure Statement

No potential conflict of interest was reported by the author(s).

Data Availability Statement

The data that support the findings of this study are available in the public domain:

ML-100k, https://grouplens.org/datasets/movielens/100k

ML-1 M, https://grouplens.org/datasets/movielens/1m

Yelp, https://www.yelp.com/dataset/download

Gowalla, https://snap.stanford.edu/data/loc-gowalla

Additional information

Funding

This study was supported by Key R&D Projects in Zhejiang Province [2022C02009, 2022C02044, 2021C03138]. Scientific Research Project of Zhejiang Province [No. LGG22F020010, LGG21A010001].

References

  • A, G.-U. C., and N. Hunt. 2015. The netflix recommender system: Algorithms, business value, and innovation. ACM Transactions on Management Information Systems (TMIS) 6 (4):1–22. doi:10.1145/2843948
  • Areeb, Q. M., M. Nadeem, S. S. Sohail, R. Imam, F. Doctor, Y. Himeur, A. Hussain, and A. Amira. 2023. Filter bubbles in recommender systems: Fact or fallacy—A systematic review. Wiley Interdisciplinary Reviews: Data Mining and Knowledge Discovery 13 (6):e1512. doi:10.1002/widm.1512
  • Atalla, S., M. Daradkeh, A. Gawanmeh, H. Khalil, W. Mansoor, S. Miniaoui, and Y. Himeur. 2023. An intelligent recommendation system for automating academic advising based on curriculum analysis and performance modeling. Mathematics 11 (5):1098. doi:10.3390/math11051098
  • Bruna, J., W. Zaremba, A. Szlam, and Y. LeCun. 2013. Spectral networks and locally connected networks on graphs. International Conference on Learning Representations, Scottsdale, Arizona, USA.
  • Cao, Y., X. Wang, X. He, Z. Hu, and T. Chua. 2019. Unifying knowledge graph learning and recommendation: Towards a better understanding of user preferences. The world wide web conference, 151–61. San Francisco, CA, USA.
  • Caro-Martínez, M., G. Jiménez-Díaz, and J. A. Recio-Garcia. 2023. A graph-based approach for minimising the knowledge requirement of explainable recommender systems. Knowledge and Information Systems 65 (10):4379–409. doi:10.1007/s10115-023-01903-9
  • Chen, J., H. Zhang, X. He, L. Nie, W. Liu, and T. Chua. 2017. Attentive collaborative filtering: Multimedia recommendation with item-and component-level attention. Proceedings of the 40th International ACM SIGIR conference on Research and Development in Information Retrieval, 335–44. Shinjuku, Tokyo, Japan.
  • Cho, E., S. A. Myers, and J. Leskovec. 2011. Friendship and mobility: User movement in location-based social networks. Proceedings of the 17th ACM SIGKDD international conference on Knowledge discovery and data mining, 1082–90. San Diego, California, USA.
  • Cui, Z., K. Henrickson, R. Ke, and Y. Wang. 2019. Traffic graph convolutional recurrent neural network: A deep learning framework for network-scale traffic learning and forecasting. IEEE Transactions on Intelligent Transportation Systems 21 (11):4883–94. doi:10.1109/TITS.2019.2950416
  • Defferrard, M., X. Bresson, and P. Vandergheynst. 2016. Convolutional neural networks on graphs with fast localized spectral filtering. Proceedings of the 30th International Conference on Neural Information Processing Systems, 3844–3852. Red Hook, NY, USA.
  • Dudekula, K. V., H. Syed, M. I. M. Basha, S. I. Swamykan, P. P. Kasaraneni, Y. V. P. Kumar, and A. T. Azar, A. T. Azar. 2023. Convolutional neural network-based personalized program recommendation system for smart television users. Sustainability 15 (3):2206. doi:10.3390/su15032206
  • Fan, W., Y. Ma, Q. Li, Y. He, E. Zhao, J. Tang, and D. Yin. 2019. Graph neural networks for social recommendation. The world wide web conference, 417–26. Barcelona, Spain.
  • Forouzandeh, S., K. Berahmand, R. Sheikhpour, and Y. Li. 2023. A new method for recommendation based on embedding spectral clustering in heterogeneous networks (RESCHet). Expert Systems with Applications 231:120699. doi:10.1016/j.eswa.2023.120699
  • Forouzandeh, S., M. Rostami, K. Berahmand, and R. Sheikhpour. 2024. Health-aware food recommendation system with dual attention in heterogeneous graphs. Computers in Biology and Medicine 169:107882. doi:10.1016/j.compbiomed.2023.107882
  • Guy, I., N. Zwerdling, I. Ronen, D. Carmel, and E. Uziel. 2010. Social media recommendation based on people and tags. Proceedings of the 33rd International ACM SIGIR Conference on Research and Development in Information Retrieval, 194–201. Geneva, Switzerland.
  • Hamilton, W., Z. Ying, and J. Leskovec. 2017. Inductive representation learning on large graphs. Advances in Neural Information Processing Systems 30.
  • Harper, F. M., and J. A. Konstan. 2015. The movielens datasets: History and context. Acm Transactions on Interactive Intelligent Systems (Tiis) 5 (4):1–19. doi:10.1145/2827872
  • He, X., K. Deng, X. Wang, Y. Li, Y. Zhang, and M. Wang. 2020. Lightgcn: Simplifying and powering graph convolution network for recommendation. Proceedings of the 43rd International ACM SIGIR Conference on Research and Development in Information Retrieval, 639–48. Xi’an, China.
  • He, X., L. Liao, H. Zhang, L. Nie, X. Hu, and T. Chua. 2017. Neural collaborative filtering. Proceedings of the 26th international conference on world wide web, 173–82. Perth, Australia.
  • Himeur, Y., A. Alsalemi, A. Al-Kababji, F. Bensaali, A. Amira, C. Sardianos, G. Dimitrakopoulos, and I. Varlamis. 2021. A survey of recommender systems for energy efficiency in buildings: Principles, challenges and prospects. Information Fusion 72:1–21. doi:10.1016/j.inffus.2021.02.002
  • Himeur, Y., A. Sayed, A. Alsalemi, F. Bensaali, A. Amira, I. Varlamis, M. Eirinaki, C. Sardianos, and G. Dimitrakopoulos. 2022. Blockchain-based recommender systems: Applications, challenges and future opportunities. Computer Science Review 43:100439. doi:10.1016/j.cosrev.2021.100439
  • Himeur, Y., S. S. Sohail, F. Bensaali, A. Amira, and M. Alazab. 2022. Latest trends of security and privacy in recommender systems: A comprehensive review and future perspectives. Computers & Security 118:102746. doi:10.1016/j.cose.2022.102746
  • Kipf, T. N., and M. Welling. 2016a. Semi-supervised classification with graph convolutional networks. arXiv preprint arXiv:1609.02907.
  • Koren, Y., S. Rendle, and R. Bell. 2022. Advances in collaborative filtering. Recommender Systems Handbook 1:91–142.
  • Li, Y., R. Yu, C. Shahabi, and Y. Liu. 2017. Diffusion convolutional recurrent neural network: Data-driven traffic forecasting. arXiv preprint arXiv:1707.01926.
  • Li, X., M. Zhang, S. Wu, Z. Liu, L. Wang, and S. Y. Philip. 2020. Dynamic graph collaborative filtering. In 2020 IEEE International Conference on Data Mining (ICDM), 322–31. Xi’an, China: IEEE.
  • Markchom, T., H. Liang, and J. Ferryman. 2023. Scalable and explainable visually-aware recommender systems. Knowledge-Based Systems 263:110258. doi:10.1016/j.knosys.2023.110258
  • Rendle, S., C. Freudenthaler, Z. Gantner, and L. S. Thieme. 2012. Bpr: Bayesian personalized ranking from implicit feedback. arXiv preprin arXiv:1205.2618.
  • Rostami, M., K. Berahmand, S. Forouzandeh, S. Ahmadian, V. Farrahi, and M. Oussalah. 2024. A novel healthy food recommendation to user groups based on a deep social community detection approach. Neurocomputing 576:127326. doi:10.1016/j.neucom.2024.127326
  • Sardianos, C., I. Varlamis, C. Chronis, G. Dimitrakopoulos, A. Alsalemi, Y. Himeur, F. Bensaali, and A. Amira. 2021. The emergence of explainability of intelligent systems: Delivering explainable and personalized recommendations for energy efficiency. International Journal of Intelligent Systems 36 (2):656–80. doi:10.1002/int.22314
  • Sardianos, C., I. Varlamis, G. Dimitrakopoulos, D. Anagnostopoulos, A. Alsalemi, F. Bensaali, Y. Himeur, and A. Amira. 2020. Rehab-c: Recommendations for energy habits change. Future Generation Computer Systems 112:394–407. doi:10.1016/j.future.2020.05.041
  • Srivani, M., A. Murugappan, and T. Mala. 2023. Cognitive computing technological trends and future research directions in healthcare—A systematic literature review. Artificial Intelligence in Medicine 138:102513. doi:10.1016/j.artmed.2023.102513
  • Su, X., and T. M. Khoshgoftaar. 2009. A survey of collaborative filtering techniques. Advances in Artificial Intelligence 2009. doi:10.1155/2009/421425
  • Sun, Z., B. Wu, Y. Wang, and Y. Ye. 2022. Sequential graph collaborative filtering. Information Sciences 592:244–60. doi:10.1016/j.ins.2022.01.064
  • Sun, J., Y. Zhang, M. Ch, M. Coates, H. Guo, R. Tang, and X. He. 2019. Multi-graph convolution collaborative filtering. 2019 IEEE International Conference on Data Mining (ICDM), 1306–11. IEEE: Athens, Greece.
  • Tang, H., G. Zhao, X. Bu, and X. Qian. 2021. Dynamic evolution of multi-graph based collaborative filtering for recommendation systems. Knowledge-Based Systems 228:107251. doi:10.1016/j.knosys.2021.107251
  • Veličković, P., G. Cucurull, A. Casanova, A. Romero, P. Lio, and Y. Bengio. 2017. Graph attention networks. arXiv preprint arXiv: 1710.10903.
  • Wang, X., X. He, M. Wang, F. Feng, and T. Chua. 2019. Neural graph collaborative filtering. Proceedings of the 42nd international ACM SIGIR conference on Research and development in Information Retrieval, 165–74. Paris, France.
  • Wang, X., H. Jin, A. Zhang, X. He, T. Xu, and T. Chua. 2020. Disentangled graph collaborative filtering. In Proceedings of the 43rd international ACM SIGIR conference on research and development in information retrieval, (pp. 1001–10).
  • Wang, J., A. Ma, Y. Chang, J. Gong, Y. Jiang, R. Qi, C. Wang, H. Fu, Q. Ma, and D. Xu. 2021. SCGNN is a novel graph neural network framework for single-cell RNA-SEQ analyses. Nature Communications 12 (1):1–11. doi:10.1038/s41467-021-22197-x
  • Wu, S., Y. Tang, Y. Zhu, L. Wang, X. Xie, and T. Tan. 2019. Session-based recommendation with graph neural networks. Proceedings of the AAAI conference on artificial intelligence, 33:346–53. Oahu, Hawaii.
  • Yang, Y., L. Wu, R. Hong, K. Zhang, and M. Wang. 2021. Enhanced graph learning for collaborative filtering via mutual information maximization. Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval, 71–80. Beijing, China.
  • Yan, Z., W. L. Hamilton, and M. Blanchette. 2020. Graph neural representational learning of rna secondary structures for predicting rnaprotein interactions. Bioinformatics 36 (Supplement_1):i276–84. doi:10.1093/bioinformatics/btaa456
  • Zhang, S., L. Yao, A. Sun, and Y. Tay. 2019. Deep learning based recommender system: A survey and new perspectives. ACM Computing Surveys (CSUR) 52 (1):1–38. doi:10.1145/3158369
  • Zhao, T., Y. Liu, L. Neves, O. Woodford, M. Jiang, and N. Shah. 2021. Data augmentation for graph neural networks. Proceedings of the AAAI Conference on Artificial Intelligence, 35:11015–23.
  • Zheng, G., F. Zhang, Z. Zheng, Y. Xiang, N. J. Yuan, X. Xie, and Z. Li. 2018. DRN: A deep reinforcement learning framework for news recommendation. Proceedings of the 2018 world wide web conference, 167–76. Melbourne, Australia.