Previous Article in Journal
Safe or Unsafe? A Street-Level Analysis of the (Mis)Match Between Perceived and Objective Safety in Chaoyang District, Beijing
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Context-Aware Knowledge Graph Learning for Point-of-Interest Recommendation

1
School of Resources and Environment, University of Electronic Science and Technology of China, Chengdu 611731, China
2
The Yangtze Delta Region Institute (Huzhou), University of Electronic Science and Technology of China, Huzhou 313099, China
*
Author to whom correspondence should be addressed.
ISPRS Int. J. Geo-Inf. 2026, 15(1), 14; https://doi.org/10.3390/ijgi15010014 (registering DOI)
Submission received: 4 November 2025 / Revised: 23 December 2025 / Accepted: 28 December 2025 / Published: 29 December 2025

Abstract

Existing point-of-interest (POI) recommendation methods often fail to capture complex contextual dependencies and suffer from severe data sparsity in location-based social networks (LBSNs). To address these limitations, this study proposes a Context-Aware Knowledge Graph Learning (CKGL) method that integrates multi-dimensional semantic information, spatio-temporal dependencies, and social relationships into a unified knowledge graph framework. First, the Context-Aware Knowledge Graph Construction (CKGC) module builds a unified POI knowledge graph that captures heterogeneous relationships among users, POIs, regions of interest (ROIs), and social links. Then, the Context-Aware Knowledge Graph Embedding (CKGE) module, based on the Translational Distance Model with Relation-Specific Spaces (TransR), learns relation-specific embeddings of entities to preserve heterogeneous semantics. Next, a Spatio-Temporal Gated Graph Neural Network (STG-GNN) captures temporal dynamics and spatial dependencies in user check-in behaviors, while the Relation-Aware Graph Attention Network (RA-GAT) enhances multi-relational reasoning and information aggregation across heterogeneous relations. Extensive experiments on two real-world LBSN datasets, Gowalla and Brightkite, demonstrate that CKGL significantly outperforms several baseline models on Recall and Normalized Discounted Cumulative Gain (NDCG), validating its effectiveness in capturing contextual semantics and improving recommendation accuracy under sparse and complex scenarios.

1. Introduction

With the rapid advancement of mobile technologies and social media platforms, location-based social networks (LBSNs) have become an integral part of daily life. Within LBSNs, users share real-time activity information across multiple modalities, including geographic locations, text, images, and videos. These interactions generate large-scale datasets containing check-in times, venues, and place categories, enriching check-in data with semantic information. Points of Interest (POIs), which are the core elements of LBSNs, typically refer to specific geographic entities such as restaurants, hotels, and parks. Accurately predicting users’ potential POIs based on check-in data has become a key research focus in the field of recommender systems.
Unlike traditional recommendation tasks, user behavior in LBSNs exhibits distinct spatio-temporal dynamics and social correlations. On the one hand, check-in behavior is influenced by temporal and spatial factors, displaying periodicity and geographic clustering. On the other hand, social relationships among users significantly impact POI selection, as the check-in activities of friends can implicitly influence individual decision-making. Therefore, integrating contextual information—such as temporal, spatial, and social factors—is crucial for improving POI recommendation accuracy. However, existing approaches still face several challenges:
(1)
Data sparsity: Check-in data is inherently sparse, making it difficult to model user interests effectively using only check-in records.
(2)
Underutilization of contextual information: Many existing methods focus on static user–POI relationships without adequately capturing the dynamic spatio-temporal context embedded in check-ins.
(3)
Limited integration of social influence: Social correlations among users are often oversimplified, resulting in an inadequate capture of preference propagation among friends.
In recent years, knowledge graphs (KGs) have emerged as a powerful tool for representing users, POIs, and their interrelations in a structured manner [1]. KGs enhance the representation of complex relationships and enable the propagation of user preferences through graph structures, helping to alleviate the challenges of data sparsity and limited contextual modeling [2].
To address these challenges, we propose a Context-Aware Knowledge Graph Learning-Based POI Recommendation (CKGL) method. This approach fully leverages multi-dimensional contextual information to improve the accuracy of POI recommendations. The key contributions of this work are as follows:
(1)
Multi-dimensional context integration: We construct a knowledge graph that incorporates user social networks, temporal sequences, and geographical information, enhancing the semantic representation capability of the data.
(2)
Spatio-temporal feature modeling: We introduce a Spatio-Temporal Gated Graph Neural Network (STG-GNN) to model user check-in sequences, capturing both temporal dependencies and spatial influences on user behavior.
(3)
Social influence propagation: We apply a Graph Attention Network (GAT) to optimize the propagation of preferences between user groups and POI regions, thus enhancing the personalization of recommendations.
Extensive experiments on the Gowalla and Brightkite datasets demonstrate that the proposed CKGL method significantly outperforms state-of-the-art baselines in terms of precision and recall, validating its effectiveness in handling sparse data and complex contextual information.
The remainder of this paper is organized as follows. Section 2 reviews related work on POI recommendation. Section 3 introduces the overall framework of the proposed CKGL method. Section 4 elaborates on the technical details of the model, including knowledge graph construction, embedding learning, and graph neural network design. Section 5 presents the experimental setup, evaluation metrics, and results analysis. Section 6 concludes the paper and discusses potential directions for future research.

2. Related Work

In the context of LBSNs, the task of POI recommendation presents multiple challenges arising from diverse user preferences, dynamic spatio-temporal characteristics, and data sparsity. These challenges demand higher adaptability and robustness from recommender systems. The development of POI recommendation has evolved from traditional collaborative filtering (CF) to deep learning and graph-based models, with each stage improving the ability to model complex contextual relationships.
Early research primarily relied on collaborative filtering techniques. The classic CF algorithm proposed by Amazon [3] had a profound impact on the evolution of recommender systems. To enhance performance, subsequent studies integrated additional contextual factors into CF. For example, Ye et al. [4] incorporated users’ social relationships and the spatial clustering of POIs into a Naïve Bayes-based CF model, while Gao et al. [5] introduced temporal effects by considering the correlations between check-in times and locations. However, due to the high sparsity of LBSN data, traditional CF methods struggle to achieve accurate and personalized recommendations.
To mitigate data sparsity, matrix factorization (MF) models were introduced into POI recommendation. Guo et al. [6] incorporated social relationships into singular value decomposition (SVD), while Cheng et al. [7] fused geographical factors with MF to improve recommendation accuracy. As user behavioral data became increasingly complex, traditional two-dimensional MF models exhibited limited expressive power. To address this issue, Luan et al. [8] introduced high-order tensor factorization to incorporate contextual information, and Li et al. [9] proposed a fourth-order tensor factorization ranking method to jointly model user–POI interactions and temporal dependencies, effectively capturing both long-term and short-term user preferences. Nevertheless, high-order tensor computations often entail heavy parameter tuning and high computational costs, reducing model efficiency.
With the rapid progress of deep learning, a variety of neural architectures have been adopted for POI recommendation, such as Recurrent Neural Networks (RNNs) [10], Long Short-Term Memory Networks (LSTMs) [11], Graph Convolutional Networks (GCNs) [12], and Graph Attention Networks (GATs) [13]. Sequential models such as RNNs have shown remarkable ability in capturing the spatio-temporal dependencies of user check-in data. For instance, Lu et al. [14] used RNNs to model the sequential patterns of user visits, integrating POI order information with user preferences. Cui et al. [15] also employed RNNs to learn behavioral patterns from temporal sequences, improving recommendation accuracy. More recently, multi-dimensional POI recommendation approaches have emerged, integrating social network information into the model ljL k sign. Liu et al. [16] leveraged pre-training and random-walk-based embeddings to incorporate social relationships, thereby enhancing recommendation precision. In addition to sequential neural models, some studies have explored POI recommendation by jointly considering sequential and geographical influences. For example, Qin et al. [17] proposed DisenPOI, which models user mobility by disentangling the sequential and geographical factors. Ju et al. [18] introduced a kernel-based substructure exploration approach to investigate higher-order spatial relationships among POIs using kernel methods.
In parallel, graph-based approaches [19,20,21] have demonstrated strong capability in modeling complex relational structures within LBSNs. Representative techniques such as DeepWalk [22], Node2Vec [23], and LINE [24] learn node embeddings through random walks or structure-preserving objectives, capturing both local and global graph structures. To better integrate multi-source heterogeneous information, researchers have further explored hybrid graph-based frameworks. For instance, Yang et al. [25] enhanced Graph Neural Networks (GNNs) to model social information propagation on user interaction graphs, thereby capturing both the direct and indirect influence among users. Wu et al. [26] proposed a GCN-based recommendation model that jointly extracts structural, geographic, and demographic features; and Wang et al. [27] developed the Knowledge Graph Attention Network (KGAT), which connects users and POI through knowledge graph structures. Building on this, Chen et al. [28] constructed a Spatial–Temporal Knowledge Graph (STKG) to model both long-term and short-term user preferences, while Liu et al. [29] designed KDRank, a knowledge-driven user-aware POI recommendation model that effectively captures latent user preferences in complex social networks.
In summary, although existing studies have achieved substantial progress—particularly in modeling social relationships, temporal sequences, and spatial dependencies—three key limitations remain:
(1)
Contextual information is often insufficiently integrated, leading to a lack of fine-grained understanding of user behaviors.
(2)
Relation modeling in sparse data environments tends to be coarse-grained, reducing recommendation robustness.
(3)
The ability to fuse multi-source heterogeneous data remains limited.
These limitations hinder the comprehensive representation of complex associations between users and POIs. To overcome these challenges, this paper proposes the CKGL method, which achieves a deeper integration of multi-dimensional contextual information, enhanced spatio-temporal behavior modeling, and improved relation representation learning.

3. Overview

This section provides an overview of the CKGL method for POI recommendation. As illustrated in Figure 1, the overall framework consists of four main components: (1) Context-Aware Knowledge Graph Construction (CKGC), (2) Context-Aware Knowledge Graph Embedding (CKGE), (3) STG-GNN, and (4) the Relation-Aware Graph Attention Network (RA-GAT). These components are designed to work collaboratively to capture multi-dimensional contextual information and accurately infer users’ latent preferences for POIs.
(1)
The first component, CKGC, constructs a context-aware knowledge graph (KG) that integrates multiple types of entities and relations, including users, POIs, check-in behaviors, POI categories, and temporal contexts. To enhance the expressiveness of the graph, additional edges are added to represent spatial and temporal dependencies, as well as social relationships among users. This comprehensive graph structure provides a unified representation of heterogeneous contextual information and serves as the foundation for subsequent embedding learning.
(2)
Based on the constructed KG, the second component focuses on embedding learning. To capture the semantics of different relations among entities, CKGL employs the Translational Distance Model with Relation-Specific Spaces (TransR) embedding model [30] to project entities and relations into a continuous low-dimensional space while preserving relation-specific semantics. This embedding process captures latent dependencies among users and POIs and enables the model to represent multi-relational information in a unified space. The learned embeddings serve as the initial input for subsequent graph neural network modeling, allowing high-level features to be propagated and aggregated effectively.
(3)
The third component, STG-GNN, is designed to capture higher-order spatio-temporal dependencies within the knowledge graph. It introduces a gated mechanism to control the flow of spatial and temporal information during message propagation, ensuring that both short-term and long-term dependencies are adaptively modeled. By aggregating neighborhood information through the gating mechanism, the model learns context-aware representations that reflect users’ evolving user interests and temporal preferences. STG-GNN effectively enhances the spatial–temporal reasoning ability of CKGL, providing richer behavioral representations for recommendation.
(4)
The final component, RA-GAT, further refines the learned embeddings by introducing relation-specific attention weights. Unlike conventional GATs that treat all neighboring nodes equally, RA-GAT distinguishes different relation types and assigns adaptive weights according to their semantic importance. Through this relation-aware attention mechanism, the model selectively amplifies informative connections while suppressing less relevant ones, thereby improving the interpretability and accuracy of recommendations. Ultimately, CKGL fuses multi-source contextual information—spatial, temporal, and social—within RA-GAT to generate a personalized ranking of candidate POIs for each user.

4. The Proposed POI Recommendation Method

This section elaborates on the proposed CKGL method for POI recommendation. Based on the overall framework introduced in Section 3, the technical details of each component are presented in detail. We first describe the CKGC, which serves as the structural foundation of CKGL.

4.1. Context-Aware Knowledge Graph Construction

To effectively capture the complex associations between users and POIs across spatial, temporal, and social dimensions, a context-aware POI knowledge graph is constructed, as illustrated in Figure 2. The graph consists of four types of nodes: user-group nodes, user nodes, POI nodes, and region-of-interest (ROI) nodes. Here, a user group represents a cluster of users exhibiting similar behaviors across social, temporal, and spatial dimensions, while an ROI denotes a spatial region formed by aggregating geographically adjacent POIs.
The graph defines the following four types of relations:
(1)
User–User Group (membership relation): User groups are generated by clustering users according to behavioral similarity, and each user is connected to the corresponding group. User groups represent collective preference patterns at the group level, which helps alleviate data sparsity and enhances the generalization capability of the recommendation model. Details of user-group construction are presented in Section 4.1.1.
(2)
User–User (social relation): This relation is constructed based on friendships in social networks, representing the propagation and mutual influence of preferences among users.
(3)
POI–ROI (belonging relation): POIs are clustered into ROIs using spatial clustering, and each POI is linked to its corresponding ROI. ROIs capture the spatial organization of POIs, reflecting how individual POIs are spatially grouped into higher-level regional structures. ROIs enrich the representation of geographical contextual semantics within the knowledge graph. The details of ROI construction are described in Section 4.1.2.
(4)
POI–POI (temporal sequence relation): User check-in times are discretized into multiple time slots, and directed edges are established between consecutive POIs according to the visit order within each slot. This relation characterizes the temporal evolution of user mobility patterns and models’ sequential dependencies between POIs. The time-slot division follows the discretization method proposed in our previous work [31], where one day is divided into 96 time slots.
The constructed knowledge graph integrates user check-in sequences, the geographical distribution of POIs, and the social network structure among users. By capturing multi-source heterogeneous information, it provides rich contextual semantic support for subsequent embedding learning and graph-based recommendation.

4.1.1. User Group Clustering Based on Similarity Measures

To effectively capture user behavioral similarities across social, temporal, and spatial dimensions, this study applies a spectral clustering algorithm to group users. The clustering results are represented as “user-group” nodes in the knowledge graph. This process enables the discovery of latent group-level preference structures, thereby alleviating the problem of data sparsity.
To quantify the similarity between users, this study adopts the user similarity computation model proposed in our previous work [31]. This model integrates three dimensions of similarity—social, spatial, and temporal—to jointly represent user correlations. The overall similarity between user u i and user u j is defined in Equation (1):
s i m u i u j = s i m u u i u j + s i m l u i u j + s i m t u i u j
where s i m u u i u j , s i m l u i u j , and s i m t u i u j represent the social, spatial, and temporal similarities between users u i and u j , respectively. The detailed formulations of these similarity measures can be found in [31]. Since all similarity components are normalized to the same numerical scale, their magnitudes are directly comparable; therefore, a simple summation is adopted to maintain stability while avoiding the introduction of additional weighting hyperparameters that could increase model complexity and tuning sensitivity.
Based on the computed similarities, we apply a standard spectral clustering algorithm to group users. Specifically, a similarity graph is constructed, and the eigengap heuristic [32] is employed to determine the optimal number of clusters. The resulting user clusters are represented as “user-group” nodes in the knowledge graph, which helps alleviate data sparsity by capturing higher-level shared preference structures.

4.1.2. ROI Clustering Based on Spatial Proximity

In practical scenarios, users tend to visit POIs that are geographically close to each other. Following this behavioral pattern, this study applies the K-means [33] clustering algorithm to group POIs in LBSNs according to spatial proximity, thereby forming ROIs. To quantify spatial similarity between POIs, the Euclidean distance based on geographic coordinates is employed. The distance between any two POIs is as defined in Equation (2):
k ( i , j ) = p i p j 2 = ( x i x j ) 2 + ( y i y j ) 2
where ( x i , y i ) and ( x j , y j ) denote the geographic coordinates of POIs p i and p j , respectively. POIs that are closer in space generally exhibit higher spatial similarity and are thus more likely to be grouped into the same ROI.
To enhance clustering performance, the silhouette coefficient is adopted to determine the optimal number of clusters K , thereby partitioning the POI set P into K ROIs, as expressed in Equation (3):
P = R 1 , R 2 , R 3 , , R K
Through this process, spatially adjacent POIs are aggregated into ROIs, which serve as supplementary semantic entities in the construction of the knowledge graph. These ROIs reflect the geographical aggregation structure of POIs and enhance the representational capacity of the knowledge graph in modeling spatial contextual semantics.

4.2. Context-Aware Knowledge Graph Embedding

To enhance the structural expressiveness of the knowledge graph and alleviate the sparsity of check-in data, this study proposes a context-aware graph embedding approach based on entity clustering.
Specifically, two semantic entities, the “user group” and “ROI”, are introduced to semantically enrich the original triplet structure (user, check-in relation, POI). The triplet is reformulated as (user, check-in relation of the user group in an ROI, POI), which captures the check-in behavior of a user’s affiliated group within a specific region of interest. This reformulated structure extends individual check-in activities to user-group-level preference modeling.
The clustering-based enhancement strategy not only mitigates the problem of data sparsity but also enriches the interaction semantics between users and POIs, thereby improving the context awareness and representational capacity of the knowledge graph.
During the embedding construction stage, this study adopts the TransR model to perform vectorized representation learning of entities and relations within the knowledge graph. To achieve context-aware representation, three categories of semantic triplets are constructed and jointly trained within a unified embedding framework, enabling the model to capture multi-dimensional interaction patterns between users and POIs across social, spatial, and temporal dimensions:
(1)
Social relationships between users: (user, friendship relation, user);
(2)
Check-in relationships based on spatially clustered user groups: (user, user-group–ROI check-in relation, POI);
(3)
POI sequential visit relationships: (POI, sequential check-in relation, POI).
Each triplet can be represented as ( h , r , t ) , where h and t denote the head and tail entities, respectively, and r represents the semantic relation connecting them.
The core idea of TransR is to introduce an independent projection matrix M r R k × d for each relation r , which maps the head and tail entities from the entity space into the corresponding relation space while preserving their translational properties, as defined in Equation (4):
h r = M r h , t r = M r t
where h r and t r denote the projection vectors of entities h and t in the relation-specific space, and M r is the projection matrix associated with relation r .
During the embedding training process, a margin-based ranking loss is employed to enhance the model’s ability to discriminate between positive and negative triplets. The scoring functions for positive and negative samples are as defined in Equations (5) and (6):
f r ( h , t ) = h r + r s t - t r 2 2
f r ( h , t ) = h r + r s t - t r 2 2
Here, f r ( h , t ) denotes the score function of a positive triplet, where h r , t r , and r s t are the embedding vectors of the head entity (user), tail entity (POI), and their semantic relation, respectively. Similarly, f r ( h , t ) represents the score function of a negative triplet, where h r , t r , and r s t denote the embeddings of the corrupted entity and relation.
The final optimization objective is expressed as Equation (7):
L K G = h , r , t S h , r , t S max 0 , f r ( h , t ) + γ f r h , t
where L K G denotes the margin-based loss function, S and S represent the sets of positive and negative samples, respectively, and γ is the margin hyperparameter. Through this embedding construction process, CKGL effectively captures the semantic heterogeneity of multiple relations in the knowledge graph, as well as the dynamic evolution of user interests. These learned embedding provide high-quality initialization for the subsequent attention aggregation module used in downstream recommendation tasks.

4.3. Spatio-Temporal Gated Graph Neural Network

Considering the significant influence of temporal and spatial factors on check-in behaviors, this study improves upon the original Gated Graph Neural Network (G-GNN) model [34] by developing an STG-GNN. The proposed model jointly incorporates temporal and spatial contextual information to update node representations within the check-in graph.
In the temporal dimension, the check-in sequences of each user within different time slots are modeled separately. Each user’s check-ins within a given time slot are treated as an independent check-in subgraph, representing the local temporal sequence of visits. Since check-in behaviors within the same time slot typically exhibit temporal similarity, this design ensures that the constructed subgraphs maintain temporal consistency and contextual relevance.
In the spatial dimension, users tend to check in at geographically proximate POIs. Therefore, a distance-based edge weighting mechanism is incorporated into the message-passing layer of G-GNN. Specifically, in each user’s check-in subgraph, the weights of the input and output edges associated with POI nodes are adjusted according to geographic distance, thereby generating a spatially enriched check-in subgraph.
Based on the check-in data of user u i , the check-in sequence S u is obtained, as defined in Equation (8):
S u i = { p t T 1 u i , p t T 2 u i , , p t T S u i }
where p t T | S | u i denotes the POI visited by user u i at time point t T | S | , and S represents the total number of POIs visited within time slot T .
To incorporate spatial information, this study redesigns the computation of adjacency weights within the check-in subgraph. For a location node v i , the normalized weight of an incoming edge from node v j to v i is denoted as e i j i n , as defined in Equation (9), where N i n ( i ) represents the set of predecessor nodes of v i . Similarly, the normalized weight of an outgoing edge from node v i to v j is denoted as e i j o u t , as defined in Equation (10), where N o u t ( i ) represents the set of successor nodes of v i .
e i j i n = W ( v j , v i ) k N i n ( i ) W ( v k , v i )
e i j o u t = W ( v i , v j ) k N o u t ( i ) W ( v i , v k )
Here, W ( v i , v j ) denotes the distance-based edge weight between POI node v i and v j , which reflects their geographic distance. The weight is calculated as in Equation (11):
W ( v i , v j ) = exp ( p v i p v j 2 l l ) 1 , p v i p v j 2 > l , p v i p v j 2 l
where p v i and p v j represent the geographic coordinates of nodes v i and v j , respectively, and l is a distance threshold factor. The value of W ( v i , v j ) ranges within (0,1]. In practice, the distance threshold l is empirically determined in a dataset-specific manner according to the spatial distribution characteristics of POIs in each dataset. The setting is adopted to capture local spatial influence while preventing the constructed check-in subgraph from becoming excessively spares or overly dense, and it does not introduce additional trainable parameters.
Using the above formulation, the adjacency matrices of each check-in subgraph, denoted as W S A , is constructed. As shown in Equation (12), W S A i n represents the in-degree adjacency matrix, where each element corresponds to e j i i n calculated by Equation (9). Similarly, W S A o u t represents the out-degree adjacency matrix, where each element corresponds to e i j o u t calculated by Equation (10).
W S A = W S A i n , W S A o u t
Based on the adjacency matrix W S A incorporating geographic distance, the input embedding vector corresponding to the i-th check-in location of user u i in sequence S is computed as in Equation (13):
a S i u = c o n c a t ( W S A i i n [ p t T 1 u i , p t T 2 u i , , p t T S u i ] W S i n , W S A i o u t [ p t T 1 u i , p t T 2 u i , , p t T S u i ] W S o u t )
where W S A i i n and W S A i o u t denote the i-th row of the in-degree and out-degree adjacency matrices, respectively. [ p t T 1 u i , p t T 2 u i , , p t T S u i ] represents the check-in sequence of user u i within time slot T , and S denotes the length of the sequence. W S i n and W S o u t are learned parameter matrices.
STG-GNN extends the G-GNN framework to capture temporal dependencies in user check-in behaviors. At each time step, a gated unit updates the node representation by integrating the current check-in embedding, the previous hidden state within the same time slot, and aggregated messages from spatially neighboring POIs. This gating mechanism adaptively balances new observations and historical patterns, enabling the model to preserve long-term behavioral contexts while reflecting recent movement dynamics. All parameters are trained in an end-to-end manner.
Furthermore, the TransR model introduced in Section 4.2 is utilized to initialize entity embeddings, which are subsequently fed into the gated neural network. Through this mechanism, multiple check-in subgraphs are constructed and processed, yielding the embedding matrix V p = { x p 1 , x p 2 , x p 3 , x p N } , where x p i denotes the final embedding of the i-th POI node.

4.4. Relation-Aware Graph Attention Network

Building on the spatio-temporal embeddings obtained from the STG-GNN, this section introduces an RA-GAT to further enhance multi-relational reasoning within the context-aware knowledge graph. The RA-GAT focuses on differentiating heterogeneous relations among entities and integrating edge-level semantic features into the attention mechanism, thereby improving both the interpretability and accuracy of POI recommendation.
In conventional GAT model, the attention coefficient between two nodes is computed solely based on their node features, while edge features are ignored. However, in the context-aware knowledge graph, edges encode rich semantics, including friendship links, check-in relations, and sequential visit relations, which reflect users’ dynamic preference. To fully exploit this relational information, RA-GAT introduces an edge-enhanced, relation-aware attention mechanism in which both node and edge features jointly contribute to the computation of attention weights. The fused vector x i j is constructed as shown in Equation (14):
x i j = W n h i W n h j W r r i j
where W n and W r are trainable weight matrices, h i and h j denote the node feature vectors of node i and node j , respectively. r i j represents the edge feature between the nodes, and the symbol ‖ indicates vector concatenation. The fused vector x i j is obtained by concatenating the linearly transformed features of nodes i and j , along with their corresponding edge feature, explicitly capturing both node semantics and relational information for subsequent attention computation.
The attention coefficient a i j is then obtained by Equation (15):
a i j = exp ( LeakyReLU ( c T x i j ) ) k N ( i ) exp ( LeakyReLU ( c T x i k ) )
where c T is a learnable weight vector, and LeakyReLU denotes a nonlinear activation function. The softmax normalization ensures that the attention coefficients over all neighboring of nodes i sum to 1.
The edge-aware aggregation function is expressed in Equation (16):
h N i = σ ( j N ( i ) a i j ( W h h j + W r r i j ) )
where W h and W r are trainable matrices for node and edge features, respectively, and σ ( · ) is a nonlinear activation function.
Through this mechanism, RA-GAT dynamically adjusts the influence of each neighbor according to both its node representation and relation-specific edge semantics. To simulate preference propagation in social networks, a message propagation and aggregation process is performed.
For a central node i , messages from its first-order neighbors are aggregated as in Equation (17):
f B i I n t e r a c t i o n = LeakyReLU ( W 1 ( h i + h N i ) ) + LeakyReLU ( W 2 ( h i h N i ) )
where W 1 and W 2 are trainable parameter matrices, and denotes element-wise multiplication.
To capture higher-order dependencies, multi-layer propagation is applied. The representation of node i at layer l is updated from layer ( l 1 ) using Equations (18) and (19):
h i ( l ) = f ( h i ( l 1 ) , h N i ( l 1 ) )
h N i ( l 1 ) = j N ( i ) a i j ( W h h j ( l 1 ) + W r r i j )
where h j ( l 1 ) is the feature vector of the neighbor node j at the (l-1)-th layer, and h N i ( l 1 ) denotes the attention-weighted aggregated embedding of neighbors. This iterative propagation enables RA-GAT to model multi-hop relational influences across the knowledge graph.
After L layers of message propagation and aggregation, each user node u i and POI node p obtain multi-level representations, as shown in Equations (20) and (21):
h u i = h u i ( 0 ) h u i ( 1 ) h u i ( L )
h p = h p ( 0 ) h p ( 1 ) h p ( L )
where ‖ denotes concatenation, and L specifies the number of aggregation layers controlling the propagation depth.
The matching score between user u i and POI p is computed through their embedding inner product as in Equation (22):
y ^ ( u i , p ) = h u i h p
To train the recommendation component based on users’ implicit feedback, a binary cross-entropy loss is employed as in Equation (23):
L B C E = ( u i , p ) y ( u i , p ) log ( y ^ ( u i , p ) ) + ( 1 y ( u i , p ) ) log ( 1 y ^ ( u i , p ) )
where y ( u i , p ) denotes the ground-truth interaction (1 if the user has visited the POI, 0 otherwise), and y ^ ( u i , p ) represents the predicted probability that user u i visits POI p .
Finally, the joint optimization objective integrates the margin-based ranking loss from the knowledge graph embedding stage with the above recommendation loss, as in Equation (24):
L C K G L = L K G + L B C E + λ Θ 2 2
where Θ is the set of trainable parameters, and λ is a regularization coefficient controlling the L2 norm penalty. The regularization coefficient λ is tuned within a predefined range on the validation set, and the value that yields the best validation performance is selected for all experiments.
Through this relation-aware, edge-enhanced attention mechanism, RA-GAT effectively fuses spatial, temporal, and social contexts learned from previous modules. It captures fine-grained semantic relations and high-order structural dependencies within the knowledge graph, thereby providing a unified and interpretable representation foundation for personalized POI recommendation in CKGL.

5. Experiments and Analysis

To evaluate the performance and effectiveness of the proposed CKGL method, a series of comparative experiments were conducted on real-world LBSN datasets.

5.1. Datasets

Two publicly available LBSN datasets, Gowalla and Brightkite, were used for evaluation. The Gowalla dataset contains user check-in records from February 2009 to October 2010, while the Brightkite dataset spans from 1 October 2009 to 30 September 2010. Both datasets include user–POI interactions, POI coordinates, and social relationships.
To ensure data quality and reduce sparsity, users and POIs with few interactions were filtered out. In Gowalla, users with fewer than 15 check-ins and POIs with fewer than 10 check-ins were removed. In Brightkite, users and POIs with fewer than 10 check-ins were excluded.
The statistical information of the preprocessed datasets is summarized in Table 1.

5.2. Computing Environment

All experiments were conducted on a Linux-based system with two NVIDIA RTX 4090 GPUs, each featuring 24 GB of memory. The models were implemented using PyTorch (version 2.1.2) with CUDA support, with the CUDA driver version 12.6 and PyTorch installed with CUDA 12.1 and cuDNN 8.9.2. For each dataset, the training process typically converged in approximately 6 h.

5.3. Evaluation Metrics

The performance of CKGL and baseline methods was evaluated using two widely adopted top - k metrics: Recall @ k and Normalized Discounted Cumulative Gain ( NDCG @ k ).
Recall @ k measures the proportion of visited POIs appearing in the top - k recommendation list, as defined in Equation (25):
Recall @ k = 1 | U | u i U | R ( u i ) T ( u i ) | | T ( u i ) |
where U denotes the user set, R ( u i ) is the top - k recommended POIs for user u i , and T ( u i ) is the POIs actually visited by user u i .
NDCG @ k evaluates ranking quality by considering both relevance and position of recommended items, as defined in Equation (26):
NDCG @ k = 1 | U | DCG @ k IDCG @ k
where DCG @ k and IDCG @ k denote the Discounted Cumulative Gain (DCG) and the Ideal DCG, respectively, given by Equations (27) and (28):
DCG @ k = i = 1 k r e l ( i ) log 2 ( i + 1 )
IDCG @ k = i = 1 k r e l i d e a l ( i ) log 2 ( i + 1 )
where r e l ( i ) denotes the relevance of the i-th recommended POI for user u i , and r e l i d e a l ( i ) is its ideal relevance.

5.4. Knowledge Graph Parameters

Before embedding entities and relations into the knowledge graph, two key parameters need to be determined: the number of user clusters and the ROI clustering parameter. These parameters directly affect the structural granularity and semantic richness of the constructed knowledge graph.
To determine the optimal ROI clustering parameter, this study evaluates the clustering performance on the Gowalla and Brightkite datasets using the silhouette coefficient, which jointly measures intra-cluster compactness and inter-cluster separation. The coefficient value ranges from −1 to 1, where a value close to 1 indicates that samples within a cluster are compact and well separated from other clusters, reflecting a high clustering quality. For a given sample i , the silhouette coefficient is defined in Equation (29):
S ( i ) = b ( i ) a ( i ) max { a ( i ) , b ( i ) }
where a ( i ) denotes the average distance between i and other samples within the same cluster, and b ( i ) represents the minimum average dissimilarity distance between i and all other clusters. The overall silhouette coefficient is obtained by averaging the coefficients of all samples.
By testing different values of the clustering parameter K , and using the Euclidean distance as the distance metric, the K-means results on the Gowalla dataset (Figure 3) show that the silhouette coefficient stabilizes when K = 14 . Therefore, the ROI clustering parameter K for Gowalla is set to 14, grouping POIs into 14 ROI clusters. Similarly, for the Brightkite dataset (Figure 4), stability is achieved when K = 12 , and clustering parameter is set accordingly.
To further determine the number of user clusters, eigenvalue decomposition was performed on the normalized Laplacian of the user similarity matrix. The first 30 eigenvalues and their corresponding eigengaps were plotted, as shown in Figure 5 and Figure 6 below. The eigenvalues increase smoothly for smaller index values; however, a distinct jump emerges at the point where the adjacent eigengap reaches its maximum. According to the eigengap heuristic, when the largest gap occurs between the i-th and (i + 1)-th eigenvalues, the optimal number of user clusters can be determined as C = i.
Specifically, for the Gowalla dataset, the largest eigengap appears at the 11th eigenvalue, and the number of user clusters is therefore set to C = 11 . Similarly, for the Brightkite dataset, the largest eigengap occurs at the 6th eigenvalue, resulting in C = 6 . These findings indicate that the eigengap heuristic provides an effective and stable approach for determining the optimal number of user clusters, ensuring the rationality of the clustering process and providing a reliable foundation for subsequent ROI partitioning and knowledge graph construction.

5.5. Experimental Results and Analysis

To evaluate the effectiveness of the proposed CKGL method for POI recommendation, seven representative baseline models are selected for comparison:
  • MANN [35]: Introduces a memory mechanism into the recommendation system and integrates it with collaborative filtering.
  • ST-RNN [36]: Models local spatio-temporal contexts using time-dependent transition matrices for different temporal intervals and distance-dependent matrices for geographical distances.
  • ST-LSTM [37]: Proposes a spatio-temporal gated network (STGN) that models personalized sequential patterns based on users’ long-term and short-term preferences.
  • MGMPFM [7]: A matrix factorization-based POI recommendation method that employs a multi-center Gaussian model to capture the geographical influence of users’ check-in behaviors.
  • RGCN [38]: Extends the GCN to handle heterogeneous relationships within graphs.
  • KGAT [27]: Incorporates attention mechanisms and knowledge graph information to enhance user–POI interaction modeling.
  • ATST-LSTM [39]: Based on an LSTM network, integrates spatio-temporal information and attention mechanisms to capture sequential patterns in users’ check-in behaviors.

5.5.1. Performance Comparison

The experimental results on the Gowalla and Brightkite datasets are summarized in Table 2 and Table 3. CKGL consistently outperforms the baseline models in terms of Recall @ k and NDCG @ k . For instance, on the Gowalla dataset, CKGL achieves improvements over the best-performing baseline model ATST-LSTM by 7.35%, 10.01%, 9.13%, and 14.99% on Recall @ 5 , Recall @ 10 , NDCG @ 5 , and NDCG @ 10 , respectively. On the Brightkite dataset, the corresponding improvements are 5.78%, 7.17%, 7.68%, and 8.86%. These results demonstrate the robustness and generalization capability of CKGL across different datasets.
As shown in Figure 7, the overall performance ranking is CKGL > ATST-LSTM > KGAT > RGCN > MGMPFM > ST-LSTM > ST-RNN > MANN. MANN, which only combines a memory mechanism with collaborative filtering, fails to capture complex contextual dependencies and thus exhibits the weakest performance. ST-RNN incorporates temporal and spatial transition modeling but struggles to represent long-term user behavior sequences effectively. ST-LSTM introduces a spatio-temporal gating mechanism that distinguishes long- and short-term user preferences, leading to moderate improvement.
MGMPFM strengthens spatial modeling through a Gaussian-based geographic influence function but overlooks semantic and social contextual factors. RGCN extends GCN to heterogeneous relational scenarios, allowing for multi-type relation modeling, yet underemphasizes the relative importance of different relational features. KGAT leverages attention mechanisms and knowledge graphs to capture richer user–POI interactions, effectively alleviating data sparsity and outperforming traditional GCN-based models. ATST-LSTM integrates attention-enhanced spatio-temporal learning to model users’ sequential behaviors more precisely.
Compared with these methods, CKGL achieves significant improvements in POI recommendation accuracy and interpretability through the following three aspects:
(1)
Multi-source contextual fusion: CKGL integrates user behavior, geographical location, and social network data within a unified knowledge graph, enabling the model to capture richer contextual semantics and structured representations between users and POIs.
(2)
Spatio-temporal graph modeling: By incorporating the STG-GNN network, CKGL effectively models the complex temporal evolution and spatial dependencies of user check-in behaviors, providing a finer representation of user behavioral dynamics.
(3)
Relation-aware graph attention mechanism: CKGL adopts a relation-aware graph attention mechanism to refine the aggregation of heterogeneous relational information, thereby enhancing both the accuracy and interpretability of user preference propagation across the knowledge graph.

5.5.2. Ablation Study

To further verify the effectiveness of each module in the proposed CKGL framework, three ablation variants were designed:
  • CKGL-KG: This variant retains only the basic structural relations in the knowledge graph, including user check-ins and geographical associations between POIs, while excluding the semantic enrichment introduced by entity clustering and multi-relational embedding.
  • CKGL-ST: This variant models sequential user–POI relationships but omits the STG-GNN module for spatio-temporal feature extraction, without integrating temporal dynamics and spatial dependencies.
  • CKGL-Social: This variant focuses solely on social relationships within the knowledge graph, without incorporating POI-related or spatio-temporal relational information.
The experimental results on the Gowalla and Brightkite datasets are presented in Table 4 and Table 5. Across all evaluation metrics, CKGL consistently achieves the highest performance, demonstrating the effectiveness of its integrated framework.
As shown in Figure 8, CKGL significantly outperforms the three baseline variants on both datasets. The overall performance ranking is CKGL > CKGL-Social > CKGL-ST > CKGL-KG. This result indicates that the joint modeling of semantic relations, spatio-temporal dependencies, and social interactions contributes substantially to the improvement of recommendation accuracy.
Among the three modules, the largest performance gap is observed between CKGL and CKGL-KG, emphasizing the essential role of knowledge graph embedding in capturing semantic associations between users and POIs. By refining relational structures and introducing semantic entities such as user-group and ROI nodes, CKGL provides richer user–POI representations for downstream prediction.
Although CKGL-KG performs slightly worse than CKGL-ST, their performance difference remains relatively small, suggesting that the spatio-temporal patterns of user check-ins exert a significant influence on recommendation outcomes. Effectively modeling periodic temporal regularities and geographically constrained check-in behaviors can further enhance predictive accuracy.
Compared with the other variants, CKGL-Social exhibits a moderate performance decline, indicating that the model relies less on explicit social relationships. This can be attributed to two factors: first, user similarity derived from social interactions is already embedded in the knowledge-graph structure; and second, spatio-temporal dependencies captured by STG-GNN strengthen user behavioral representations, thereby diminishing the marginal effect of social information in the final recommendation process.
From a cross-dataset perspective, the performance differences are more pronounced on the Gowalla dataset than on Brightkite, showing that CKGL demonstrates stronger adaptability and robustness when dealing with sparser check-in data.

6. Conclusions

This study proposed the CKGL method to address the challenges of contextual semantic modeling and data sparsity in POI recommendation. By integrating multi-dimensional semantics, spatio-temporal dependencies, and social relationships within a unified knowledge graph, CKGL enabled a more comprehensive representation of user preferences and POI interactions. The method combined context-aware graph construction and embedding with spatio-temporal gated propagation and relation-aware attention mechanisms, effectively capturing heterogeneous relations, and improving both recommendation accuracy and interpretability. Extensive experiments conducted on two real-world LBSN datasets, Gowalla and Brightkite, demonstrated that CKGL consistently outperformed several representative baseline models in terms of recall and NDCG, confirming its robustness and generalization capability in sparse and dynamic environments. Overall, CKGL provides a flexible and extensible framework for modeling complex user–POI interactions in LBSNs.
Future research will explore incorporating additional contextual dimensions, such as user emotions, textual reviews, and cross-domain behavioral cues, to enrich semantic representation and further improve the recommendation quality. Additionally, incorporating dynamic data streams, such as real-time user behavior or temporal changes in POIs, could enhance the model’s adaptability and performance over time. Furthermore, extending CKGL with contrastive and transferable graph representation learning represents a promising direction to enhance its scalability and applicability in large-scale recommendation scenarios. Finally, investigating the scalability of CKGL to larger, more diverse datasets will be crucial to assessing its practical application in real-world setting.

Author Contributions

Conceptualization, Yan Zhou; Methodology, Yan Zhou, Di Zhang, Kaixuan Zhou, and Pengcheng Han; Formal Analysis, Yan Zhou; Investigation, Di Zhang, Kaixuan Zhou, and Pengcheng Han; Validation, Di Zhang and Kaixuan Zhou; Supervision, Yan Zhou; Funding Acquisition, Yan Zhou; Writing—Original Draft, Di Zhang; Writing—Review and Editing, Yan Zhou. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Natural Science Foundation of China (Nos. 42471465 and 41871321) and the National Key Research and Development Program of China (2022YFC3005702).

Data Availability Statement

The datasets analyzed in this study are available on the website http://snap.stanford.edu/data/loc-gowalla.html, http://snap.stanford.edu/data/loc-brightkite.html (accessed on 30 July 2025).

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Boualaoui, B.; Zellou, A.; Berquedich, M. Knowledge graph-based recommender systems to mitigate data sparsity: A systematic literature review. Int. J. Interact. Mob. Technol. 2025, 19, 115–140. [Google Scholar] [CrossRef]
  2. Sun, X.; Gao, Z.; Yu, D.; Zhang, L.; Li, F. Joint modeling of multimodal information based on dynamic and static knowledge graphs for next POI recommendation. IEEE Trans. Comput. Soc. Syst. 2025, 12, 3985–3999. [Google Scholar] [CrossRef]
  3. Linden, G.; Smith, B.; York, J. Amazon.com recommendations: Item-to-item collaborative filtering. IEEE Internet Comput. 2003, 7, 76–80. [Google Scholar] [CrossRef]
  4. Ye, M.; Yin, P.; Lee, W.-C.; Lee, D.-L. Exploiting geographical influence for collaborative point-of-interest recommendation. In Proceedings of the 34th International ACM SIGIR Conference on Research and Development in Information Retrieval, Beijing, China, 24–28 July 2011; ACM: New York, NY, USA, 2011; pp. 325–334. [Google Scholar]
  5. Gao, H.; Tang, J.; Hu, X.; Liu, H. Exploring temporal effects for location recommendation on location-based social networks. In Proceedings of the 7th ACM Conference on Recommender Systems, Hong Kong, China, 12–16 October 2013; ACM: New York, NY, USA, 2013; pp. 93–100. [Google Scholar]
  6. Guo, G.; Zhang, J.; Yorke-Smith, N. TrustSVD: Collaborative filtering with both the explicit and implicit influence of user trust and of item ratings. In Proceedings of the AAAI Conference on Artificial Intelligence, Austin, TX, USA, 25–30 January 2015; AAAI Press: Washington, DC, USA, 2015. [Google Scholar]
  7. Cheng, C.; Yang, H.; King, I.; Lyu, M. Fused matrix factorization with geographical and social influence in location-based social networks. In Proceedings of the AAAI Conference on Artificial Intelligence, Toronto, ON, Canada, 22–26 July 2012; AAAI Press: Washington, DC, USA, 2012; pp. 17–23. [Google Scholar]
  8. Luan, W.; Liu, G.; Jiang, C.; Qi, L. Partition-based collaborative tensor factorization for POI recommendation. IEEE/CAA J. Autom. Sin. 2017, 4, 437–446. [Google Scholar] [CrossRef]
  9. Li, X.; Jiang, M.; Hong, H.; Liao, L. A time-aware personalized point-of-interest recommendation via high-order tensor factorization. ACM Trans. Inf. Syst. 2017, 35, 1–23. [Google Scholar] [CrossRef]
  10. Mienye, I.D.; Swart, T.G.; Obaido, G. Recurrent neural networks: A comprehensive review of architectures, variants, and applications. Information 2024, 15, 517. [Google Scholar] [CrossRef]
  11. Al-Selwi, S.M.; Hassan, M.F.; Abdulkadir, S.J.; Muneer, A.; Sumiea, E.H.; Alqushaibi, A.; Ragab, M.G. RNN-LSTM: From applications to modeling techniques and beyond—Systematic review. J. King Saud Univ. Comput. Inf. Sci. 2024, 36, 102068. [Google Scholar] [CrossRef]
  12. Sadasivan, A.; Gananathan, K.; Pal Nesamony Rose Mary, J.D.; Balasubramanian, S. A systematic survey of graph convolutional networks for artificial intelligence applications. Wiley Interdiscip. Rev. Data Min. Knowl. Discov. 2025, 15, e70012. [Google Scholar] [CrossRef]
  13. Zhang, Q.; Yang, P.; Yu, J.; Wang, H.; He, X.; Yiu, S.-M.; Yin, H. A survey on point-of-interest recommendation: Models, architectures, and security. IEEE Trans. Knowl. Data Eng. 2025, 37, 3153–3172. [Google Scholar] [CrossRef]
  14. Lu, Y.-S.; Shih, W.-Y.; Gau, H.-Y.; Chung, K.-C.; Huang, J.-L. On successive point-of-interest recommendation. World Wide Web 2019, 22, 1151–1173. [Google Scholar] [CrossRef]
  15. Cui, Q.; Zhang, Y.; Wang, J. CANS-Net: Context-aware non-successive modeling network for next point-of-interest recommendation. arXiv 2021, arXiv:2102.10054. [Google Scholar]
  16. Liu, C.-Y.; Zhou, C.; Wu, J.; Hu, Y.; Guo, L. Social recommendation with an essential preference space. In Proceedings of the AAAI Conference on Artificial Intelligence, New Orleans, LA, USA, 2–7 February 2018; AAAI Press: Washington, DC, USA, 2018. [Google Scholar]
  17. Qin, Y.; Wang, Y.; Sun, F.; Ju, W.; Hou, X.; Wang, Z.; Cheng, J.; Lei, J.; Zhang, M. DisenPOI: Disentangling sequential and geographical influence for point-of-interest recommendation. In Proceedings of the Sixteenth ACM International Conference on Web Search and Data Mining, Singapore, 27 February–3 March 2023; pp. 508–516. [Google Scholar]
  18. Ju, W.; Qin, Y.; Qiao, Z.; Luo, X.; Wang, Y.; Fu, Y.; Zhang, M. Kernel-based substructure exploration for next POI recommendation. In Proceedings of the 2022 IEEE International Conference on Data Mining (ICDM), Orlando, FL, USA, 28 November–1 December 2022; IEEE: New York, NY, USA, 2022; pp. 221–230. [Google Scholar]
  19. Scarselli, F.; Gori, M.; Tsoi, A.C.; Hagenbuchner, M.; Monfardini, G. The graph neural network model. IEEE Trans. Neural Netw. 2008, 20, 61–80. [Google Scholar] [CrossRef]
  20. Zhang, J.; Liu, X.; Zhou, X.; Chu, X. Leveraging graph neural networks for point-of-interest recommendations. Neurocomputing 2021, 462, 1–13. [Google Scholar] [CrossRef]
  21. Chen, M.; Chen, S.; Zang, C. A graph neural network-based algorithm for point-of-interest recommendation using social relation and time series. Int. J. Web Serv. Res. 2021, 18, 51–74. [Google Scholar]
  22. Perozzi, B.; Al-Rfou, R.; Skiena, S. DeepWalk: Online learning of social representations. In Proceedings of the 20th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, New York, NY, USA, 24–27 August 2014; ACM: New York, NY, USA, 2014; pp. 701–710. [Google Scholar]
  23. Grover, A.; Leskovec, J. node2vec: Scalable feature learning for networks. In Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 13–17 August 2016; ACM: New York, NY, USA, 2016; pp. 855–864. [Google Scholar]
  24. Tang, J.; Qu, M.; Wang, M.; Zhang, M.; Yan, J.; Mei, Q. LINE: Large-scale information network embedding. In Proceedings of the 24th International Conference on World Wide Web, Florence, Italy, 18–22 May 2015; ACM: New York, NY, USA, 2015; pp. 1067–1077. [Google Scholar]
  25. Yang, L.; Liu, Z.; Dou, Y.; Ma, J.; Yu, P.S. ConsisRec: Enhancing GNN for social recommendation via consistent neighbor aggregation. In Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval, Virtual, 11–15 July 2021; ACM: New York, NY, USA, 2021; pp. 2141–2145. [Google Scholar]
  26. Wu, Z.; Xu, N. Point-of-interest recommendation model based on graph convolutional neural network. Wirel. Commun. Mob. Comput. 2022, 2022, 1–11. [Google Scholar] [CrossRef]
  27. Wang, X.; He, X.; Cao, Y.; Liu, M.; Chua, T.-S. KGAT: Knowledge graph attention network for recommendation. In Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, Anchorage, AK, USA, 4–8 August 2019; ACM: New York, NY, USA, 2019; pp. 950–958. [Google Scholar]
  28. Chen, W.; Wan, H.; Guo, S.; Huang, H.; Zheng, S.; Li, J.; Lin, S.; Lin, Y. Building and exploiting spatial–temporal knowledge graph for next POI recommendation. Knowl.-Based Syst. 2022, 258, 109951. [Google Scholar] [CrossRef]
  29. Liu, Z.; Zhang, D.; Zhang, C.; Bian, J.; Deng, J.; Shen, G.; Kong, X. KDRank: Knowledge-driven user-aware POI recommendation. Knowl.-Based Syst. 2023, 278, 110884. [Google Scholar] [CrossRef]
  30. Zhao, H.; Li, H.; Liu, Q.; Dong, G.; Hou, C.; Li, Y.; Zhao, Y. Using TransR to enhance drug repurposing knowledge graph for COVID-19 and its complications. Methods 2024, 221, 82–90. [Google Scholar] [CrossRef] [PubMed]
  31. Zhou, Y.; Zhou, K.; Chen, S. Context-aware point-of-interest recommendation based on similar user clustering and tensor factorization. ISPRS Int. J. Geo-Inf. 2023, 12, 145. [Google Scholar] [CrossRef]
  32. Berahmand, K.; Saberi-Movahed, F.; Sheikhpour, R.; Li, Y.; Jalili, M. A comprehensive survey on spectral clustering with graph structure learning. arXiv 2025, arXiv:2501.13597. [Google Scholar] [CrossRef]
  33. Suyal, M.; Sharma, S. A review on analysis of K-means clustering machine learning algorithm based on unsupervised learning. J. Artif. Intell. Syst. 2024, 6, 85–95. [Google Scholar] [CrossRef]
  34. Li, Y.; Tarlow, D.; Brockschmidt, M.; Zemel, R. Gated graph sequence neural networks. arXiv 2015, arXiv:1511.05493. [Google Scholar]
  35. Chen, X.; Xu, H.; Zhang, Y.; Tang, J.; Cao, Y.; Li, Z. Sequential recommendation with user memory networks. In Proceedings of the 11th ACM International Conference on Web Search and Data Mining (WSDM), Marina Del Rey, CA, USA, 5–9 February 2018; ACM: New York, NY, USA, 2018; pp. 108–116. [Google Scholar]
  36. Liu, Q.; Wu, S.; Wang, L.; Tan, T. Predicting the next location: A recurrent model with spatial and temporal contexts. In Proceedings of the AAAI Conference on Artificial Intelligence, Phoenix, AZ, USA, 12–17 February 2016; AAAI Press: Washington, DC, USA, 2016; p. 30. [Google Scholar]
  37. Zhao, P.; Zhu, H.; Liu, Y.; Li, Z.; Xu, J.; Sheng, V.S. Where to go next: A spatio-temporal LSTM model for next POI recommendation. arXiv 2018, arXiv:1806.06671. [Google Scholar] [CrossRef]
  38. Schlichtkrull, M.; Kipf, T.N.; Bloem, P.; Van Den Berg, R.; Titov, I.; Welling, M. Modeling relational data with graph convolutional networks. In Proceedings of the 15th European Semantic Web Conference (ESWC 2018), Heraklion, Greece, 3–7 June 2018; Springer: Cham, Switzerland, 2018; pp. 593–607. [Google Scholar]
  39. Huang, L.; Ma, Y.; Wang, S.; Liu, Y. An attention-based spatiotemporal LSTM network for next POI recommendation. IEEE Trans. Serv. Comput. 2019, 14, 1585–1597. [Google Scholar] [CrossRef]
Figure 1. Overall framework of the proposed CKGL method.
Figure 1. Overall framework of the proposed CKGL method.
Ijgi 15 00014 g001
Figure 2. Context-aware POI knowledge graph.
Figure 2. Context-aware POI knowledge graph.
Ijgi 15 00014 g002
Figure 3. Silhouette coefficients of K-means clustering on the Gowalla dataset.
Figure 3. Silhouette coefficients of K-means clustering on the Gowalla dataset.
Ijgi 15 00014 g003
Figure 4. Silhouette coefficients of K-means clustering on the Brightkite dataset.
Figure 4. Silhouette coefficients of K-means clustering on the Brightkite dataset.
Ijgi 15 00014 g004
Figure 5. Eigenvalue and eigengap analysis on the Gowalla dataset.
Figure 5. Eigenvalue and eigengap analysis on the Gowalla dataset.
Ijgi 15 00014 g005
Figure 6. Eigenvalue and eigengap analysis on the Brightkite dataset.
Figure 6. Eigenvalue and eigengap analysis on the Brightkite dataset.
Ijgi 15 00014 g006
Figure 7. Performance comparison on the Gowalla and Brightkite datasets.
Figure 7. Performance comparison on the Gowalla and Brightkite datasets.
Ijgi 15 00014 g007
Figure 8. Ablation study performance on the Gowalla and Brightkite datasets.
Figure 8. Ablation study performance on the Gowalla and Brightkite datasets.
Ijgi 15 00014 g008
Table 1. Statistical information of the datasets.
Table 1. Statistical information of the datasets.
DatasetGowallaBrightkite
Number of users56284844
Number of POIs31,8037675
Number of friendship relations46,00193,036
Number of check-ins620,683388,148
Table 2. Comparative results on the Gowalla dataset.
Table 2. Comparative results on the Gowalla dataset.
ModelGowalla
Recall@5Recall@10NDCG@5NDCG @10
MANN0.19070.25620.11930.1345
ST-RNN0.26430.34130.15770.1756
ST-LSTM0.27020.35230.17230.1905
MGMPFM0.27650.36120.17870.1993
RGCN0.29220.36550.18650.2185
KGAT0.30420.38330.19750.2382
ATST-LSTM0.34020.41560.23120.2543
CKGL0.36520.45720.25230.2924
Table 3. Comparative results on the Brightkite dataset.
Table 3. Comparative results on the Brightkite dataset.
ModelBrightkite
Recall@5Recall@10NDCG@5NDCG @10
MANN0.22170.27150.13650.1654
ST-RNN0.29450.34790.17830.1971
ST-LSTM0.31010.36020.19470.2274
MGMPFM0.31660.36180.20640.2346
RGCN0.34410.37550.21170.2425
KGAT0.35770.41330.24610.2614
ATST-LSTM0.40330.45570.29550.3136
CKGL0.42660.48850.31820.3414
Table 4. Ablation results on the Gowalla dataset.
Table 4. Ablation results on the Gowalla dataset.
ModelGowalla
Recall@5Recall@10NDCG@5NDCG @10
CKGL-KG0.29120.35790.19340.2236
CKGL-ST0.33470.40230.21670.2471
CKGL-Social0.34750.42160.23130.2611
CKGL0.36520.45720.25230.2924
Table 5. Ablation results on the Brightkite dataset.
Table 5. Ablation results on the Brightkite dataset.
ModelBrightkite
Recall@5Recall@10NDCG@5NDCG @10
CKGL-KG0.35230.41720.25140.2677
CKGL-ST0.37210.43320.28250.2981
CKGL-Social0.40010.46630.30050.3122
CKGL0.42660.48850.31820.3414
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

Zhou, Y.; Zhang, D.; Zhou, K.; Han, P. Context-Aware Knowledge Graph Learning for Point-of-Interest Recommendation. ISPRS Int. J. Geo-Inf. 2026, 15, 14. https://doi.org/10.3390/ijgi15010014

AMA Style

Zhou Y, Zhang D, Zhou K, Han P. Context-Aware Knowledge Graph Learning for Point-of-Interest Recommendation. ISPRS International Journal of Geo-Information. 2026; 15(1):14. https://doi.org/10.3390/ijgi15010014

Chicago/Turabian Style

Zhou, Yan, Di Zhang, Kaixuan Zhou, and Pengcheng Han. 2026. "Context-Aware Knowledge Graph Learning for Point-of-Interest Recommendation" ISPRS International Journal of Geo-Information 15, no. 1: 14. https://doi.org/10.3390/ijgi15010014

APA Style

Zhou, Y., Zhang, D., Zhou, K., & Han, P. (2026). Context-Aware Knowledge Graph Learning for Point-of-Interest Recommendation. ISPRS International Journal of Geo-Information, 15(1), 14. https://doi.org/10.3390/ijgi15010014

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