Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                
Next Article in Journal
5G and Beyond: Channel Classification Enhancement Using VIF-Driven Preprocessing and Machine Learning
Next Article in Special Issue
Large Language Models as Recommendation Systems in Museums
Previous Article in Journal
High-Efficiency and Cost-Effective 10 W Broadband Continuous Class-J Mode Quasi-MMIC Power Amplifier Design Utilizing 0.25 μm GaN/SiC and GaAs IPD Technology for 5G NR n77 and n78 Bands
Previous Article in Special Issue
QoS-Centric Diversified Web Service Recommendation Based on Personalized Determinantal Point Process
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Personalized Point-of-Interest Recommendation Using Improved Graph Convolutional Network in Location-Based Social Network

1
School of Electronics and Information Engineering, Liaoning University of Technology, Jinzhou 121001, China
2
School of Information Science and Engineering, Yanshan University, Qinhuangdao 066004, China
*
Author to whom correspondence should be addressed.
Electronics 2023, 12(16), 3495; https://doi.org/10.3390/electronics12163495
Submission received: 20 July 2023 / Revised: 11 August 2023 / Accepted: 14 August 2023 / Published: 18 August 2023

Abstract

:
Data sparsity limits the performance of point-of-interest (POI) recommendation models, and the existing works ignore the higher-order collaborative influence of users and POIs and lack in-depth mining of user social influence, resulting in unsatisfactory recommendation results. To address the above issues, this paper proposes a personalized POI recommendation using an improved graph convolutional network (PPR_IGCN) model, which integrates collaborative influence and social influence into POI recommendations. On the one hand, a user-POI interaction graph, a POI-POI graph, and a user–user graph are constructed based on check-in data and social data in a location-based social network (LBSN). The improved graph convolutional network (GCN) is used to mine the higher-order collaborative influence of users and POIs in the three types of relationship graphs and to deeply extract the potential features of users and POIs. On the other hand, the social influence of the user’s higher-order social friends and community neighbors on the user is obtained according to the user’s higher-order social embedding vector learned in the user–user graph. Finally, the captured user and POI’s higher-order collaborative influence and social influence are used to predict user preferences. The experimental results on Foursquare and Yelp datasets indicate that the proposed model PPR_IGCN outperforms other models in terms of precision, recall, and normalized discounted cumulative gain (NDCG), which proves the effectiveness of the model.

1. Introduction

With the development of smart devices with GPS satellite positioning functions and mobile internet, location-based services have received widespread attention in social networks [1,2,3,4,5]. A large number of location-based social network (LBSN) service websites and software, such as Gowalla, Foursquare, Yelp, Twitter, Dianping, etc., appear in people’s social lives. Users can check in on LBSNs through a series of activities, such as recording, location sharing, and interacting with friends. Point-of-interest (POI) recommendation is one of the important services of LBSNs, which not only facilitates users discovering locations of interest and reduces decision-making time but also helps merchants know user preferences more comprehensively, find target groups more accurately, and provide personalized services [6,7]. Due to the important role played by POI recommendations in real life, it has gradually become a current research hotspot [8,9,10,11].
Initially, POI recommendations adopt the collaborative filtering (CF) method for recommendations. Matrix factorization (MF) is the most commonly used method to learn the potential embedding vectors of users and POIs and calculate users’ preferences for POI by modeling the two vectors in the form of the inner product. However, the MF method makes it difficult to capture collaborative information in user-POI interaction data. In this case, people began to use a series of methods, such as neural networks and graph models, to solve them. Someone used the graph neural network (GNN) to learn embedding vectors in graph data. GNN updates the current node embedding vector by aggregating neighbor node information, which can integrate node information, edge information, and topology structure in the graph to better learn the embedding vector [12]. T. N. Kipf et al. [13] derived a simplified graph convolutional network (GCN) operation model based on approximate techniques, which is considered the “pioneering work” in the field of GNN. Recently, graph neural network collaborative filtering recommendations [14,15] have become an effective recommendation method, which uses GCN to encode user–item historical interaction information into the representation embedded space, thus improving the recommendation effect [16].
With the explosive growth of the number of users and locations, POI recommendation faces three challenges. Firstly, data sparsity reduces the accuracy of traditional POI recommendation models. Secondly, the massive amounts of data in real life require models to have higher data-processing capabilities. While ensuring the recommendation’s performance, both model efficiency and scalability need to be considered [17]. Finally, current POI recommendation methods are unable to effectively capture complex collaborative information in users’ social relationships and user-POI interactions, which limits the performance of POI recommendations [18].
In response to the problems of data sparsity, low model efficiency, and poor recommendation performance in the current POI recommendation task, this paper proposes a personalized POI recommendation using an improved graph convolutional (PPR_IGCN) model. The main contributions are as follows:
  • Apply the improved GCN to POI recommendation, construct a user-POI interaction graph, a POI-POI graph, and a user–user graph based on user history check-in data, deeply mine collaborative information in three types of relationships, and learn user and POI higher-order collaborative embedding vectors to improve recommendation performance;
  • Based on the users’ higher-order social embedding vector learned in the user–user graph, the higher-order social friend influence of the user and social friends and the community neighbor influence of the user and close neighbors are captured to alleviate data sparsity;
  • Conduct experiments on real datasets to evaluate the performance of the proposed model, PPR_IGCN. The experimental results show that the model outperforms other existing models, which verifies the effectiveness of the proposed model.
The rest of this paper is organized as follows: Section 2 introduces the related work on POI recommendations and GCN. Section 3 provides a detailed introduction to the proposed model, PPR_IGCN. Section 4 conducts a series of experiments on two real datasets, introduces the experimental setup, and analyzes the experimental results. Section 5 summarizes the work of this paper.

2. Related Work

This section introduces the related work of POI recommendations and GCN-based recommendations.

2.1. POI Recommendation

POI recommendation is an important task in the recommendation field, which can help users find new locations of interest. Gao et al. [19] considered the characteristics of user check-in behavior changing over time. They used the MF model to model the check-in behavior at different time states and learned users’ time check-in preferences for location recommendations. Liu et al. [20] jointly learned users’ geographic and interest preferences through a Poisson factorization model. Aiming at data sparsity and preference dynamics, Wang et al. [21] used knowledge graph embedding technology to encode time, geographic, and semantic information and built a joint MF framework on the user-POI graph to use side information to enhance the dynamic preference prediction of users. Xu et al. [22] proposed a POI recommendation framework that integrates the influence of users’ social and personal interests and check-in order. They used the convolutional filter and multilayer perceptron model to mine the sequential influence between user check-in POIs and used the metric learning method to model users’ social relationships. Zhu et al. [23] proposed a graph embedding representation model that integrates social and geographic influences. The user embedding vector is obtained by combining user embedding with social graph embedding, and the POI embedding vector is obtained by combining POI embedding with geographic graph embedding. Under the neural network framework, the potential connections between users and POIs are explored to obtain user preferences. Cao et al. [24] used the Bayesian personalized sorting method to integrate social relationships and geographic information and combined the BPR framework with POI clustering information to form the POI recommendation list. Lian et al. [25] used the two-dimensional kernel density estimation method to simulate the phenomenon of spatial clustering. Based on the weighted MF, the user active region vector and POI influence region vector are fused into the user and POI implicit spaces to improve the recommendation effect.

2.2. Recommendation Based on GCN

GNN can be used to handle various types of graph structures and has a wide range of applications in the fields of knowledge graphs and recommendation systems. GCN is a category of GNN and has strong feature extraction and learning abilities. GCN applies the convolutional neural network used for image processing to deal with the problem of graph structure and obtains node feature information in space by continuously optimizing convolution parameters. The basic equations of GCN are as follows:
h i ( l + 1 ) = σ ( j N i 1 C i j h j ( l ) w ( l ) )
1 C i j = D ^ 1 2 A ^ D ^ 1 2
A ^ = A + I
where σ ( ) is the activation function for nonlinear transformation, N i is the neighbor set of node i , C i j is the normalization factor, A is the adjacency matrix of node i , D ^ is the corresponding degree matrix of A ^ , h i ( l + 1 ) is the embedding vector of node i in layer l + 1 , the embedding vector of the node i and all the neighbors of node i in layer l are represented by h j ( l ) , and w ( l ) is the weight of layer l .
The GCN model is mainly divided into the embedding layer, embedding propagation layers, and prediction layer. Firstly, the data are input into the embedding layer, the initialized embedding vector representation is obtained, and then the embedding vectors are input into the embedding propagation layers. Secondly, during the message-passing process of the embedding propagation layer, the embedding vectors are updated through message construction and message aggregation operations. Finally, based on the updated embedding vectors, the prediction results are made in the prediction layer. The framework graph is shown in Figure 1.
Wang et al. [26] emphasized the importance of collaborative signals in the CF method and proposed the GNN-based recommendation framework NGCF. In the NGCF framework, collaborative signals are explicitly encoded in the form of higher-order connectivity through embedding propagation to obtain the user–item interaction embedding vector. Wu et al. [27] pointed out the importance of spatial and temporal factors in POI recommendations and proposed a GARG model that combines attention mechanisms and GCN to improve the recommendation’s performance. He et al. [28] found that the two most common feature transformations and nonlinear activation designs of GCN in NGCF have little effect on the performance improvement of CF, so they proposed a LightGCN model that only contains the most basic components of GCN. Chang et al. [29] utilized GGLR to capture highly nonlinear geographic influences in POIs. The potential representations of input and output geographic influences are obtained based on a graph autoencoder, and the trained geographical potential representations are used to estimate users’ preferences in the GNN-based POI recommendation model (GPR); thus, the accuracy of POI recommendations is improved. Li et al. [30] obtained the social impact set of users on Markov nets through the belief propagation algorithm, calculated the similarity and familiarity of social users in the set, and linearly integrated the social impact and geographical location impact for location recommendations. Zhong et al. [31] proposed the hybrid graph convolution networks for the POI recommendation framework, built a spatial graph based on the geographical distance between POI pairs, and used GCN to represent the higher-order connectivity in POIs, which alleviated the sparse check-in problem. Ying et al. [32] first proposed the PinSage algorithm by applying GCN to recommendation systems. This algorithm combines efficient random walks with graph convolution to generate node embeddings containing graph structure and node feature information.

3. Proposed Model

3.1. Preliminaries

Define the user set U = { u 1 , u 2 , , u | U | } and POI set P = { p 1 , p 2 , , p | P | } , where | U | denotes the total number of users and | P | denotes the total number of POIs. According to the user and POI interaction records, the user-POI interaction matrix R can be obtained. If a user has visited the POI, the element value of R is 1, otherwise, it is 0. The potential embedding vectors of user u and POI p are represented by d -dimension m u and m p , respectively. The check-in behavior is denoted by the three tuple < u , p , c > , which represents that user u has checked in c times on POI p . The user check-in behavior can be transformed into the user-POI interaction frequency matrix R c . When user u has not visited POI p , the value of element R u p is the number of visits in R c . The goal of this paper is to discover the top K previously unvisited locations that users are most interested in a given user check-in information.

3.2. PPR_IGCN Model

The PPR_IGCN model includes the following two parts: collaborative influence and social influence. The collaborative influence uses the improved GCN to mine higher-order collaborative information in the user check-in data, which reaches the limited convergence state of the embedding propagation layer through the loss function, in order to learn the impact of the three types of relationships represented by a user-POI interaction graph, a POI-POI graph, and a user–user graph on users’ preferences and obtain the collaborative embedding vector between user and POI. Based on the users’ social information and characteristics, social influence combines friend-based collaborative filtering with improved GCN to mine the influence of higher-order social friends and community neighbors on users’ preferences to alleviate data sparsity. The overall framework of the model is shown in Figure 2.

3.3. The Learning Mode of Multi-Dimensional Collaborative Influence

Based on the three types of relationships represented by a user-POI interaction graph, a POI-POI graph, and a user–user graph, this section proposes a learning mode of multi-dimensional collaborative influence.

3.3.1. Learning the Collaborative Influence of the User-POI Interaction Graph

User-POI check-in information can be expressed as a user-POI interaction graph, as shown in Figure 3a, which can be converted into a higher-order neighbor node graph, as shown in Figure 3b. Since the neighbors of the node u i carry collaborative information, they can affect the preference of node u i . Therefore, GCN is used to mine the higher-order neighbor information of node u i to enrich the characteristic information of node u i , which can alleviate the sparsity of the interaction data. In the embedding layer, the d-dimensional initial embedding vectors of user and POI are defined, which are shown in Equations (4) and (5).
M U ( 0 ) = [ m u 1 ( 0 ) , , m u | U | ( 0 ) ] T
M P ( 0 ) = [ m p 1 ( 0 ) , , m p | P | ( 0 ) ] T
The standard GCN model mentioned in Section 2.2 uses the nonlinear activation function and multiple feature transformation matrices in the embedding propagation layer to update the node embedding vector. However, when GCN is applied to the recommendation field, the nodes in the user-POI interaction graph do not have rich semantic information, and only the data of user ID and POI ID are put into the model for training. Therefore, the above two operations are not conducive to learning node embedding vectors and will increase the training difficulty. So, the GCN model can be simplified, i.e., the first-order neighbor’s collaborative information is obtained through message aggregation of an embedding propagation layer, and multiple embedding propagation layers are stacked to obtain the higher-order neighbor’s collaborative information to update the node embedding vector. After removing the nonlinear activation function and feature transformation matrices, the message-passing process is abstracted, considering the self-connection operation of the nodes, as shown in Equations (6) and (7).
m u ( l + 1 ) = 1 | N u | + 1 m u ( l ) + q N u 1 | N u | + 1 | N q | + 1 m q ( l )
m p ( l + 1 ) = 1 | N p | + 1 m p ( l ) + v N p 1 | N v | + 1 | N p | + 1 m v ( l )
where u and v represent users, p and q represent POIs, m u ( l + 1 ) and m p ( l + 1 ) represent the embedding vectors of user u and POI p in the embedding propagation layer l + 1 , respectively, N u , N p , N v , and N q represent the neighbor sets of the nodes u , p , v , and q , and | N u | , | N p | , N v , and N q represent the neighbor numbers of the nodes u , p , v , q .
Generally speaking, deeper collaborative information can be learned by stacking more embedding propagation layers, but too many embedding propagation layers will cause an over-smoothing problem, i.e., each node will tend to form an exactly identical embedding vector, resulting in a decrease in model performance [26]. Therefore, this paper further improves the GCN model, and the specific process is as follows:
According to Equation (1), the limit of message passing can be obtained when the number of embedding propagation layers tends to infinity, as shown in Equation (8).
lim l ( 1 C i j ) l = | N i | + 1 | N j | + 1 2 a + b
where a and b are the total number of nodes and edges in the graph, respectively.
Due to the existence of the limit, the superposition of multiple embedding propagation layers can be skipped and directly enable the user and POI embedding vectors to reach the convergence state of infinite layer message propagation, as shown below.
m u = lim l m u ( l + 1 ) = lim l m u ( l )
m p = lim l m p ( l + 1 ) = lim l m p ( l )
Equations (9) and (10) align the end user embedding vector that aggregates higher-order neighbor collaboration information with the embedding vectors of layer l and layer l + 1 . Therefore, Equation (6) can be rewritten as Equation (11).
m u = 1 | N u | + 1 m u + p N u 1 | N u | + 1 | N p | + 1 m p
By further simplifying Equation (11), the convergence state of the GCN embedding propagation layer can be obtained, as shown below.
m u = p N u w u p m p
w u p = 1 | N u | | N u | + 1 | N p | + 1
Next, convergence is reached by making the values on both sides of Equation (12) closer, i.e., the higher the similarity on both sides of the equation, the closer to the convergence state. Specifically, after normalizing the embedding vector, the cosine similarity between the two is maximized, and Equation (14) is obtained.
max p N u w u p m u T m p
To facilitate optimization and avoid over-smoothing, the sigmoid activation function and negative log-likelihood estimation are introduced, random negative sampling [33] is added to the training process, and, finally, the constraint function L u p is obtained.
L u p = ( u , p ) D + w u p log ( σ ( m u T m p ) ) ( u , q ) D w u q log ( σ ( m u T m q ) )
D = { ( u , p , q ) | ( u , p ) D + , ( u , q ) D }
where D is the set of all user-POI pairs in the training set, D + represents the set of positive sample pairs, and D represents the set of negative sample pairs. The constraint function can make the model approximate to reach the effect of infinite superimposed embedding propagation layers, thereby mining the infinite higher-order neighbor collaboration information in the user-POI interaction graph.

3.3.2. Learning the Collaborative Influence of the POI-POI Graph

To make the learned user preferences more accurate, the weighted adjacency matrix E of the POI-POI graph is constructed using the user-POI interaction matrix R , as shown in Equation (17).
E = R T R
Model the POI-POI graph based on the convergence state of the known GCN embedding propagation layer to capture the impact of different relationships on users’ preferences. The constraint function of learning the POI-POI graph is similar to Equation (15). The weighted adjacency matrix E of the POI-POI graph is relatively dense. To avoid introducing noise or unreliable information during the optimization process, only effective information pairs are selected for training. In addition, the user-POI positive sample pairs are used to learn the POI-POI relationship during training, which not only ensures the unity of the training conditions but also reduces the training difficulty. Thus, the constraint function L p q for mining POI-POI relationships is obtained, as shown in Equation (18).
L p q = ( u , p ) D + q N ( p ) w p q log ( σ ( m p T m q ) )
where w p q represents the constraint coefficient. When the embedding propagation layer of GCN reaches the convergence state, the value of w p q can be calculated according to Equation (19). N ( p ) represents the set of the top n locations selected that are most similar to POI p , i.e., the top n POIs with the highest w p q value are selected for training.
w p q = E p q c p c p + 1 c q + 1
where c p and c q represent the degrees of POI p and POI q , respectively.

3.3.3. Learning the Collaborative Influence of the User–User Graph

Based on the idea described in Section 3.3.2, learn the user higher-order social embedding vector in the user–user social graph, as shown in Equations (20) and (21).
L u v = ( u , p ) D + v N ( u ) w u v log ( σ ( m u T m v ) )
w u v = G u v c u c u + 1 c v + 1
where G u v is one of the elements in the user–user graph, constructed according to the information of the user and direct social friends, c u and c v represent the degrees of user u and user v , respectively, and N ( u ) represents the set of the top n friends selected that are most similar to user u .

3.4. Learning Social Influence

In real life, friends attend the cinema to watch movies, eat in restaurants, check in at scenic spots, etc., as well as friends will recommend favorite locations to each other, and friends of friends will also affect users’ interest preferences. Under the circumstances, the user’s behavior is susceptible to the influence of social relations to a certain extent, and this paper refers to it as higher-order social friend influence. In addition to the higher-order social friend influence, neighbors also recommend their favorite locations to each other, and users who are geographically close to the user also affect the user’s behavior, which forms the community neighbor influence.
Next, use friend-based collaborative filtering and improved GCN technology to mine users’ social influence. According to the user social embedding vector learned in Section 3.3.3, the user’s higher-order social friend influence S F u p is obtained.
S F u p = v S F u S u v R v p v S F u S u v
S u v = w exp ( m u m v 2 σ 2 ) + ( 1 w ) N u N v N u N v
where S F u represents the set of direct friends of user u , S u v represents the similarity between user u and friend v , and R v p represents the check-in frequency of friend v at POI p . w is the weight coefficient, σ is the scale parameter, and N u and N v represent the check-in sets of user u and friend v respectively.
The definition of community neighbor influence N F u p is similar to Equation (22). The community neighbor set selects the top n neighbors closest to the user. The similarity calculation between the user and the community neighbors is shown in Equation (24).
N u v = N u N v N u N v
In summary, the user’s social influence F u p is obtained, as shown below.
F u p = η 1 S F u p + η 2 N F u p
η 1 = 1 1 + e ( z 1 T f 1 )
where η 1 and η 2 are the correlation weight coefficients of the two social influences, which have the same form. Taking η 1 as an example, f 1 represents the user feature vector, and z 1 is the weight vector of f 1 .

3.5. Model Prediction and Optimization

Based on learning the user-POI interaction graph, POI-POI graph, and user–user graph, the higher-order collaborative embedding vectors of the user and POI are obtained. The collaborative influence X u p is obtained in the form of dot product of the higher-order collaborative embedding vectors of the user and POI.
X u p = m u T m p
Combine collaborative influence and social influence to obtain the final user preference prediction rating Y u p .
Y u p = α X u p + β F u p
where α and β are the weight coefficients to control the two influences.
To increase the generalization ability and stability of the model, the Bayesian personalized ranking (BPR) loss function is used to optimize the model, as shown in Equation (29).
L B P R = ( u , p ) D + log ( σ ( Y u p ) ) ( u , q ) D log ( σ ( Y u q ) )
where the positive and negative sample pairs used by the BPR loss function are consistent with L u p .
According to the above idea, the objective function L of the PPR_IGCN model training is obtained, as shown in Equation (30).
L = L B P R + w 1 L u p + w 2 L p q + w 3 L u v + λ Θ
where w 1 , w 2 , and w 3 are hyperparameters that control the importance of user-POI relations, POI-POI relations, and user–user relations. λ is the L2 regularization parameter, which is used to prevent overfitting. Θ is a trainable parameter.

4. Experiments

4.1. Datasets

In this section, two real-world datasets, Foursquare [34] and Yelp [35], are used to test the algorithm’s performance. The datasets include users’ ID, POI ID, check-in timestamp, POI latitude and longitude, social relationships between users, etc. Preprocess the data in advance to remove users with less than ten check-in POIs and POIs with less than ten visitors. The specific dataset information is shown in Table 1. It can be seen that the data are very sparse. In addition, the dataset is divided based on check-in time, with 70% being the training set, 20% being the testing set, and the remaining 10% being the validation set.

4.2. Evaluation Metrics

This paper uses three common evaluation metrics: precision rate Precision@K, recall rate Recall@K, and normalized discounted cumulative gain NDCG@K. Specifically, as shown in Equations (31)–(33).
P r e c i s i o n @ K = 1 U u U R u T u K
R e c a l l @ K = 1 U u U R u T u R u
N D C G @ K = 1 U u U R u G u R u
U denotes the number of users, K denotes the number of POI recommended to each user, K { 10 , 20 } , R u denotes the set of locations that users actually visit in the test set, T u denotes the K POI recommended to the user, and G u denotes the level of K POI recommended to the user.

4.3. Parameter Settings

After tuning the parameters through cross-validation, set the batch size to 2048, the negative sampling rate to 300, the learning rate l r = 10 3 , the regularization coefficient λ = 10 4 , the weight coefficient w = 0.5 , α = 1.1 , β = 1 , and the hyperparameter w 1 = 1 , w 2 = 0.01 , and w 3 = 0.01 . The Adam [36] algorithm is used to optimize the model parameters. The weight coefficients η 1 and η 2 of the higher-order social friend influence and community neighbor influence can be learned in the training model. Next, the value of dimension d of the user and POI embedding vectors and the value of the number n of the most similar locations/friends/neighbors are discussed. The experimental parameters are described and shown in Table 2.
(1)
Determination of user and POI embedding vector dimension d
Figure 4 shows the impact of different d values on the PPR_IGCN model on the Foursquare and Yelp datasets. When d < 192 , the evaluation metric shows a gradual upward trend as d increases. When d = 192 , the recommendation performance reaches its best. When d > 192 , the recommendation performance deteriorates. The main reason is that smaller d cannot capture potential features in the data well, which will lead to information loss. A larger d may introduce too much noise and redundant information, leading to the overfitting of the model. So set the user and POI embedding vector dimensions to d = 192 .
(2)
Determination of the number n of the most similar locations/friends/neighbors
Figure 5 shows that as the n value increases, the evaluation metrics display a trend of rising first and then falling. When n is 5, the performance is poor due to insufficient utilization of POI-POI and user–user relationships, ignoring a part of useful interaction influences, making it difficult to capture real user preferences. When n is too large, some less similar relationships may be introduced in the learning process, making the accuracy of the recommendation decrease. Therefore, set n to 10.

4.4. Compared Experiment

To verify the effectiveness of the method proposed in this paper, the following methods are selected for comparison:
(1)
LightGCN [28]: This model removes unnecessary feature transformation and nonlinear activation in traditional GCNs, simplifying the design of neighborhood aggregation in GCN;
(2)
FGRec [34]: A fine-grained POI recommendation framework is proposed; a group friend model is designed to capture social influence; a joint Poisson factor model is used to learn category influence; and the personalized Gaussian kernel model is used to capture geographic information influence;
(3)
LGLMF [37]: A method for implementing POI recommendations by integrating the local geographic model into the logistic MF algorithm;
(4)
FGCRec [38]: A unified probability distribution model based on four key geographic features that captures geographic influence from the perspectives of users and locations and explores the contribution of check-in frequency;
(5)
SUCP [39]: A social user activity center POI recommendation system, which jointly models the user activity center and social relationships based on CF.

4.5. Performance Comparison and Analysis

This section compares the proposed PPR_IGCN model with the five models in Section 4.4 on the Foursquare and Yelp datasets through the three evaluation metrics described in Section 4.2. Figure 6, Figure 7 and Figure 8 show that PPR_IGCN performs better than the other five models, proving the positive impact of introducing POI-POI relations and user–user relations into the improved GCN on recommendation performance.
The results show that the recommendation effects of LGLMF and FGCRec are inferior to other models because these models only consider geography influence and do not consider rich context influence. FGRec introduces the inherent influence of social, category, and geographic information on users into the model, which can more accurately capture users’ preferences. Similarly, SUCP takes into account the influence of social, geographical, and temporal information, and the performance of the model is also improved. Taking the Foursquare dataset, for example, the Recall@20 of FGRec and SUCP have increased by 83.7% and 98.8%, respectively, compared with LGLMF, indicating that rich context information and multiple relationships can significantly affect model performance. However, the recommendation effect of PPR_IGCN is better than SUCP. Taking the Yelp dataset, for example, the Recall@10 of PPR_IGCN is 16.9% higher than SUCP. These show that mining higher-order collaborative information in the user–user relationship graph while considering the influence of multiple social relationships on users is more conducive to learning social influence.
LightGCN shows better performance than SUCP, which indicates that traditional methods, such as MF based on CF, cannot learn the deep influence of user-POI interaction information, which reflects the important role of using GCN to mine higher-order collaborative information in graphs. In addition, during the training process of the Yelp dataset, LightGCN needs more than 300 epochs to achieve the best results, but PPR_IGCN only needs more than 30 epochs. The main reason is that the message passing and multiple stacked embedding propagation layers in GCN are omitted, which fully reflects the advantages of learning the improved GCN on large graphs. For the Foursquare and Yelp datasets, PPR_IGCN compared with LightGCN, Precision@10 increased by 12.1% and 11.3%, respectively, Recall@10 increased by 15.8% and 19.6%, respectively, and NDCG@10 increased by 12.2% and 20%, respectively. The reason is that PPR_IGCN not only takes into account the higher-order collaborative information in the user-POI interaction graph but also captures the collaborative influence and social influence in the POI-POI graph and user-POI graph. As a result, model performance is improved, providing users with more accurate recommendations.

4.6. Ablation Study

To evaluate the impact of POI-POI relations and user–user relations on the model, this section compares the experimental results of two variants of PPR_IGCN, which are PPR_IGCN-I and PPR_IGCN-II, respectively. PPR_IGCN-I only learns from the user-POI relationship graph, i.e., w 2 and w 3 of Equation (30) are set to 0, respectively. PPR_IGCN-II learns from the user-POI relationship graph and POI-POI relationship graph, i.e., w 3 of Equation (30) is set to 0.
Figure 9 and Figure 10 show that the model performance is improving continuously with the increase in learning relationships. The experimental results of PPR_IGCN-II and PPR_IGCN-I verify the effectiveness of learning POI-POI relations. The experimental results of PPR_IGCN-II and PPR_IGCN show the positive effect of social influence on POI recommendations. In the process of learning social influence, mining the higher-order collaborative influence between the user and friends and comprehensively considering the user’s higher-order social friends and community neighbors in the model can alleviate the data sparsity, thus improving POI recommendation performance.

5. Conclusions

This paper proposes a personalized POI recommendation using an improved GCN model. This model comprehensively considers the higher-order collaborative influence of users and POIs and the social influence between users, which alleviates the problems of data sparsity and poor recommendation performance. The message-passing process in GCN is simplified, i.e., the constraint loss is directly used to reach the convergence state of infinite layer embedding propagation. The improved GCN is used to deeply mine the collaborative influence of the user-POI interaction graph, POI-POI graph, and user–user graph to learn the higher-order collaborative embedding vectors of the user and POI. The model also captures the social influence of higher-order social friends and community neighbors on the user. The experimental results prove that the recommendation effect of the PPR_IGCN model is superior to other models. In addition to the three types of relationships and social factors considered in this paper, factors such as POI category and time can also have an impact on users’ preferences. In future work, more context information will be effectively integrated into the model to further improve POI recommendation performance.

Author Contributions

Conceptualization, J.L. and H.Y.; methodology, J.L.; software, J.L.; validation, H.Y., Y.G. and R.J.; formal analysis, J.L.; investigation, J.L.; resources, H.Y.; data curation, J.L.; writing—original draft preparation, J.L.; writing—review and editing, J.L. and Y.G.; visualization, J.L.; supervision, Y.G. and R.J.; project administration, H.Y.; funding acquisition, H.Y. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Foundation Research Project of the Educational Department of Liaoning Province (No. LJKZZ20220085) and the Cooperation Innovation Plan of Yingkou for Enterprise and Doctor (No. 2022-13).

Data Availability Statement

Our Foursquare training dataset can be obtained from https://dl.acm.org/doi/10.1145/2939672.2939767 (accessed on 17 November 2022). The Yelp dataset can be obtained from https://www.yelp.com/datasetchallenge (accessed on 17 November 2022).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Hashim-Jones, J.; Wang, C.; Islam, M.S.; Stantic, B. Interdependent Model for Point-of-Interest Recommendation via Social Networks; Springer International Publishing: Cham, Switzerland, 2018; pp. 161–173. [Google Scholar]
  2. Papangelis, K.; Chamberlain, A.; Lykourentzou, I.; Khan, V.-J.; Saker, M.; Liang, H.-N.; Sadien, I.; Cao, T. Performing the Digital Self: Understanding Location-Based Social Networking, Territory, Space, and Identity in the City. ACM Trans. Comput.-Hum. Interact. 2020, 27, 1–26. [Google Scholar] [CrossRef]
  3. Chakraborty, A.; Ganguly, D.; Caputo, A.; Jones, G.J.F. Kernel Density Estimation Based Factored Relevance Model for Multi-Contextual Point-of-Interest Recommendation. Inf. Retr. 2022, 25, 44–90. [Google Scholar] [CrossRef]
  4. Han, P.; Shang, S.; Sun, A.; Zhao, P.; Zheng, K.; Zhang, X. Point-of-Interest Recommendation With Global and Local Context. IEEE Trans. Knowl. Data Eng. 2022, 34, 5484–5495. [Google Scholar] [CrossRef]
  5. Chang, W.; Sun, D.; Du, Q. Intelligent Sensors for POI Recommendation Model Using Deep Learning in Location-Based Social Network Big Data. Sensors 2023, 23, 850. [Google Scholar] [CrossRef]
  6. Li, J.; Cai, T.; Mian, A.; Li, R.H.; Sellis, T.; Yu, J.X. Holistic Influence Maximization for Targeted Advertisements in Spatial Social Networks. In Proceedings of the 2018 IEEE 34th International Conference on Data Engineering (ICDE), Paris, France, 16–19 April 2018; pp. 1340–1343. [Google Scholar]
  7. Yin, H.; Wang, W.; Wang, H.; Chen, L.; Zhou, X. Spatial-Aware Hierarchical Collaborative Deep Learning for POI Recommendation. IEEE Trans. Knowl. Data Eng. 2017, 29, 2537–2551. [Google Scholar] [CrossRef]
  8. Qian, T.; Liu, B.; Nguyen, Q.V.H.; Yin, H. Spatiotemporal Representation Learning for Translation-Based POI Recommendation. ACM Trans. Inf. Syst. 2019, 37, 1–24. [Google Scholar] [CrossRef]
  9. Wang, W.; Chen, J.; Wang, J.; Chen, J.; Liu, J.; Gong, Z. Trust-Enhanced Collaborative Filtering for Personalized Point of Interests Recommendation. IEEE Trans. Ind. Inform. 2020, 16, 6124–6132. [Google Scholar] [CrossRef]
  10. Xu, C.; Ding, A.S.; Zhao, K. A novel POI recommendation method based on trust relationship and spatial–temporal factors. Electron. Commer. Res. Appl. 2021, 48, 101060. [Google Scholar] [CrossRef]
  11. Zhou, F.; Qian, T.; Mo, Y.; Cheng, Z.; Xiao, C.; Wu, J.; Trajcevski, G. Uncertainty-Aware Heterogeneous Representation Learning in POI Recommender Systems. IEEE Trans. Syst. Man Cybern. Syst. 2023, 53, 4522–4535. [Google Scholar] [CrossRef]
  12. Fang, J.; Meng, X.; Qi, X. A Top-k POI Recommendation Approach Based on LBSN and Multi-Graph Fusion. Neurocomputing 2023, 518, 219–230. [Google Scholar] [CrossRef]
  13. Kipf, T.N.; Welling, M. Semi-Supervised Classification with Graph Convolutional Networks. arXiv 2016, arXiv:1609.02907. [Google Scholar] [CrossRef]
  14. Wang, H.; Zhao, M.; Xie, X.; Li, W.; Guo, M. Knowledge Graph Convolutional Networks for Recommender Systems. In Proceedings of the WWW ’19: The World Wide Web Conference, San Francisco, CA, USA, 13–17 May 2019; pp. 3307–3313. [Google Scholar] [CrossRef]
  15. Wang, X.; He, X.; Cao, Y.; Liu, M.; Chua, T.-S. KGAT: Knowledge Graph Attention Network for Recommendation. arXiv 2019, arXiv:1905.07854. [Google Scholar] [CrossRef]
  16. Sun, J.; Zhang, Y.; Guo, W.; Guo, H.; Tang, R.; He, X.; Ma, C.; Coates, M. Neighbor Interaction Aware Graph Convolution Networks for Recommendation. In Proceedings of the SIGIR ‘20: The 43rd International ACM SIGIR conference on research and development in Information Retrieval, Virtual Event, China, 25–30 July 2020; pp. 1289–1298. [Google Scholar]
  17. Chen, J.; Zhang, W. Review of point of interest recommendation systems based on location-based social networks. J. Front. Comput. Sci. Technol. 2022, 16, 1462–1478. [Google Scholar]
  18. Li, H.; Ge, Y.; Hong, R.; Zhu, H. Point-of-Interest Recommendations: Learning Potential Check-Ins from Friends. In Proceedings of the KDD ‘16: The 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 13–17 August 2016; pp. 975–984. [Google Scholar]
  19. Gao, H.; Tang, J.; Hu, X.; Liu, H. Exploring Temporal Effects for Location Recommendation on Location-Based Social Networks. In Proceedings of the RecSys ‘13: Seventh ACM Conference on Recommender Systems, Hong Kong, China, 12–16 October 2013; pp. 93–100. [Google Scholar]
  20. Liu, B.; Xiong, H.; Papadimitriou, S.; Fu, Y.; Yao, Z. A General Geographical Probabilistic Factor Model for Point of Interest Recommendation. IEEE Trans. Knowl. Data Eng. 2015, 27, 1167–1179. [Google Scholar] [CrossRef]
  21. Wang, X.; Salim, F.D.; Ren, Y.; Koniusz, P. Relation Embedding for Personalised POI Recommendation. arXiv 2020, arXiv:2002.03461. [Google Scholar] [CrossRef]
  22. Xu, Y.; Li, X.; Li, J.; Wang, C.; Gao, R.; Yu, Y. SSSER: Spatiotemporal Sequential and Social Embedding Rank for Successive Point-of-Interest Recommendation. IEEE Access 2019, 7, 156804–156823. [Google Scholar] [CrossRef]
  23. Zhu, J.; Guo, X. Deep Neural Model for Point-of-Interest Recommendation Fused with Graph Embedding Representation. In Proceedings of the Wireless Algorithms, Systems, and Applications, Honolulu, HI, USA, 24–26 June 2019; pp. 495–506. [Google Scholar]
  24. Cao, K.; Guo, J.; Meng, G.; Liu, H.; Liu, Y.; Li, G. Points-of-Interest Recommendation Algorithm Based on LBSN in Edge Computing Environment. IEEE Access 2020, 8, 47973–47983. [Google Scholar] [CrossRef]
  25. Lian, D.; Zhao, C.; Xie, X.; Sun, G.; Chen, E.; Rui, Y. GeoMF: Joint Geographical Modeling and Matrix Factorization for Point-of-Interest Recommendation. In Proceedings of the KDD ‘14: The 20th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, New York, NY, USA, 24–27 August 2014; pp. 831–840. [Google Scholar]
  26. Wang, X.; He, X.; Wang, M.; Feng, F.; Chua, T.-S. Neural Graph Collaborative Filtering. arXiv 2019, arXiv:1905.08108. [Google Scholar] [CrossRef]
  27. Wu, S.; Zhang, Y.; Gao, C.; Bian, K.; Cui, B. GARG: Anonymous Recommendation of Point-of-Interest in Mobile Networks by Graph Convolution Network. Data Sci. Eng. 2020, 5, 433–447. [Google Scholar] [CrossRef]
  28. He, X.; Deng, K.; Wang, X.; Li, Y.; Zhang, Y.; Wang, M. LightGCN: Simplifying and Powering Graph Convolution Network for Recommendation. arXiv 2020, arXiv:2002.02126. [Google Scholar] [CrossRef]
  29. Chang, B.; Jang, G.; Kim, S.; Kang, J. Learning Graph-Based Geographical Latent Representation for Point-of-Interest Recommendation. In Proceedings of the CIKM ‘20: The 29th ACM International Conference on Information and Knowledge Management, Virtual Event, Ireland, 19–23 October 2020; pp. 135–144. [Google Scholar]
  30. Li, J.; Wang, X.; Feng, W. A Point-of-Interest Recommendation Algorithm Combining Social Influence and Geographic Location Based on Belief Propagation. IEEE Access 2020, 8, 165748–165756. [Google Scholar] [CrossRef]
  31. Zhong, T.; Zhang, S.; Zhou, F.; Zhang, K.; Trajcevski, G.; Wu, J. Hybrid graph convolutional networks with multi-head attention for location recommendation. World Wide Web 2020, 23, 3125–3151. [Google Scholar] [CrossRef]
  32. Ying, R.; He, R.; Chen, K.; Eksombatchai, P.; Hamilton, W.L.; Leskovec, J. Graph Convolutional Neural Networks for Web-Scale Recommender Systems. arXiv 2018, arXiv:1806.01973. [Google Scholar]
  33. Mikolov, T.; Sutskever, I.; Chen, K.; Corrado, G.; Dean, J. Distributed Representations of Words and Phrases and Their Compositionality. In Proceedings of the Nips’13: The 26th International Conference on Neural Information Processing Systems, Lake Tahoe, NV, USA, 5–10 December 2013; pp. 3111–3119. [Google Scholar]
  34. Su, Y.; Zhang, J.D.; Li, X.; Zha, D.; Xiang, J.; Tang, W.; Gao, N. FGRec: A Fine-Grained Point-of-Interest Recommendation Framework by Capturing Intrinsic Influences. In Proceedings of the 2020 International Joint Conference on Neural Networks (IJCNN), Glasgow, UK, 19–24 July 2020; pp. 1–9. [Google Scholar]
  35. Ma, C.; Zhang, Y.; Wang, Q.; Liu, X. Point-of-Interest Recommendation: Exploiting Self-Attentive Autoencoders with Neighbor-Aware Influence. In Proceedings of the CIKM ‘18: The 27th ACM International Conference on Information and Knowledge Management, Torino, Italy, 22–26 October 2018; pp. 697–706. [Google Scholar]
  36. Toh, S.C.; Lai, S.H.; Mirzaei, M.; Soo, E.Z.X.; Teo, F.Y. Sequential Data Processing for IMERG Satellite Rainfall Comparison and Improvement Using LSTM and ADAM Optimizer. Appl. Sci. 2023, 13, 7237. [Google Scholar] [CrossRef]
  37. Rahmani, H.A.; Aliannejadi, M.; Ahmadian, S.; Baratchi, M.; Afsharchi, M.; Crestani, F. LGLMF: Local Geographical Based Logistic Matrix Factorization Model for POI Recommendation. In Proceedings of the Information Retrieval Technology, Hong Kong, China, 7–9 November 2019; pp. 66–78. [Google Scholar]
  38. Su, Y.; Li, X.; Liu, B.; Zha, D.; Xiang, J.; Tang, W.; Gao, N. FGCRec: Fine-Grained Geographical Characteristics Modeling for Point-of-Interest Recommendation. In Proceedings of the ICC 2020–2020 IEEE International Conference on Communications (ICC), Dublin, Ireland, 7–11 June 2020; pp. 1–6. [Google Scholar]
  39. Seyedhoseinzadeh, K.; Rahmani, H.A.; Afsharchi, M.; Aliannejadi, M. Leveraging Social Influence Based on Users Activity Centers for Point-of-Interest Recommendation. Inf. Process. Manag. 2022, 59, 102858. [Google Scholar] [CrossRef]
Figure 1. GCN model framework graph.
Figure 1. GCN model framework graph.
Electronics 12 03495 g001
Figure 2. PPR_IGCN model framework graph.
Figure 2. PPR_IGCN model framework graph.
Electronics 12 03495 g002
Figure 3. First-order connectivity versus higher-order connectivity. (a) User-POI interaction graph; (b) Higher-order neighbor graph for u 1 .
Figure 3. First-order connectivity versus higher-order connectivity. (a) User-POI interaction graph; (b) Higher-order neighbor graph for u 1 .
Electronics 12 03495 g003
Figure 4. The impact of d on performance. (a) Foursquare; (b) Yelp.
Figure 4. The impact of d on performance. (a) Foursquare; (b) Yelp.
Electronics 12 03495 g004
Figure 5. The impact of n on performance. (a) Foursquare; (b) Yelp.
Figure 5. The impact of n on performance. (a) Foursquare; (b) Yelp.
Electronics 12 03495 g005
Figure 6. Precision@K comparison on Foursquare and Yelp datasets. (a) Foursquare; (b) Yelp.
Figure 6. Precision@K comparison on Foursquare and Yelp datasets. (a) Foursquare; (b) Yelp.
Electronics 12 03495 g006
Figure 7. Recall@K comparison on Foursquare and Yelp datasets. (a) Foursquare; (b) Yelp.
Figure 7. Recall@K comparison on Foursquare and Yelp datasets. (a) Foursquare; (b) Yelp.
Electronics 12 03495 g007
Figure 8. NDCG@K comparison on Foursquare and Yelp datasets. (a) Foursquare; (b) Yelp.
Figure 8. NDCG@K comparison on Foursquare and Yelp datasets. (a) Foursquare; (b) Yelp.
Electronics 12 03495 g008
Figure 9. (a) Recall@K and (b) NDCG@K comparison on Foursquare.
Figure 9. (a) Recall@K and (b) NDCG@K comparison on Foursquare.
Electronics 12 03495 g009
Figure 10. (a) Recall@K and (b) NDCG@K comparison on Yelp.
Figure 10. (a) Recall@K and (b) NDCG@K comparison on Yelp.
Electronics 12 03495 g010
Table 1. Statistics of the experimental datasets.
Table 1. Statistics of the experimental datasets.
DatasetNumber of UsersNumber of POIsNumber of Check-InsNumber of Social LinksDensity
Foursquare30,88718,995860,888265,5330.14%
Yelp255113,474124,93332,5120.29%
Table 2. Parameters of the experiment.
Table 2. Parameters of the experiment.
ParameterMeaningValue
l r Learning rate 10 3
d The dimension of user and POI embedding vectors192
w Calculate the weight coefficient of similarity between the users and friends 0.5
α , β Coefficients that control the weight of collaborative and social influence when computing user preferences1.1, 1
n The number of the most similar locations/friends/neighbors10
w 1 , w 2 , w 3 Hyperparameters that control the importance of user-POI relation, POI-POI relation, and user–user relation1, 0.01, 0.01
λ L2 regularization parameter 10 4
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Liu, J.; Yi, H.; Gao, Y.; Jing, R. Personalized Point-of-Interest Recommendation Using Improved Graph Convolutional Network in Location-Based Social Network. Electronics 2023, 12, 3495. https://doi.org/10.3390/electronics12163495

AMA Style

Liu J, Yi H, Gao Y, Jing R. Personalized Point-of-Interest Recommendation Using Improved Graph Convolutional Network in Location-Based Social Network. Electronics. 2023; 12(16):3495. https://doi.org/10.3390/electronics12163495

Chicago/Turabian Style

Liu, Jingtong, Huawei Yi, Yixuan Gao, and Rong Jing. 2023. "Personalized Point-of-Interest Recommendation Using Improved Graph Convolutional Network in Location-Based Social Network" Electronics 12, no. 16: 3495. https://doi.org/10.3390/electronics12163495

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