Next Article in Journal
Second-Order Text Matching Algorithm for Agricultural Text
Next Article in Special Issue
Enhancing E-Commerce Recommendation Systems with Multiple Item Purchase Data: A Bidirectional Encoder Representations from Transformers-Based Approach
Previous Article in Journal
Supervised Machine Learning Models for Mechanical Properties Prediction in Additively Manufactured Composites
Previous Article in Special Issue
Multi-Feature-Enhanced Academic Paper Recommendation Model with Knowledge Graph
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Extracting Representations from Multi-View Contextual Graphs via Convolutional Neural Networks for Point-of-Interest Recommendation

Infomatization Construction and Management Office, Sichuan University, Chengdu 610041, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2024, 14(16), 7010; https://doi.org/10.3390/app14167010
Submission received: 13 July 2024 / Revised: 3 August 2024 / Accepted: 5 August 2024 / Published: 9 August 2024
(This article belongs to the Special Issue Recommender Systems and Their Advanced Application)

Abstract

:
In recent years, graph-based learning methods have gained significant traction in point-of-interest (POI) recommendation systems due to their strong generalization capabilities. These approaches commonly transform user check-in records into graph-structured data and leverage graph neural networks (GNNs) to model the representations of both POIs and users. Despite their effectiveness, GNNs face inherent limitations in message passing, which can impede the deep extraction of meaningful representations from the graph structure. To mitigate this challenge, we introduce a novel framework, Multi-view Contextual Graphs via Convolutional Neural Networks for Point-of-Interest Recommendation (MCGRec). The MCGRec framework consists of three primary components. Firstly, it employs a personalized PageRank (PPR) sampling technique based on super nodes to transform the graph-structured data into a grid-like feature matrix. This step is crucial as it prepares the data for subsequent processing by convolutional neural networks (CNNs), which are adept at extracting spatial features from grid-like structures. Secondly, a CNN is utilized to extract the representations of POIs from the constructed feature matrix. The usage of CNNs enables the capture of local patterns and hierarchical features within the data, which are essential for accurate POI representation. Lastly, MCGRec incorporates a novel approach for estimating user preferences that integrates both geographical and temporal factors, thereby providing a more comprehensive model of users’ behaviors. To evaluate the effectiveness of our proposed method, we conduct extensive experiments on real-world datasets. Our results demonstrate that MCGRec outperforms state-of-the-art POI recommendation methods, showcasing its superiority in terms of recommendation accuracy.

1. Introduction

Point-of-Interest (POI) recommendation is a critical service in location-based social networks (LBSNs) and has garnered significant attention in the field of recommender systems [1,2,3]. Unlike traditional recommendation domains such as movies or music, capturing user preferences in POI recommendation poses unique challenges. These challenges are primarily manifested in two key aspects: (1) User’s behavior is influenced by multiple contextual factors. In POI recommendation, user’s check-in behavior is affected by both temporal and geographical factors. For instance, users typically check into dining POIs at restaurants and are unlikely to visit POIs that are too far away; (2) User historical records are highly sparse. POI recommendation relies on check-in records, which are generated only when a user physically visits a location. This leads to a significantly smaller volume of user activity data compared to other recommendation domains. The sparsity of user check-in data exacerbates the difficulty in accurately modeling user preferences and predicting future check-in behaviors.
Based on the aforementioned challenges, traditional techniques, such as collaborative filtering methods, are ineffective for POI recommendation. Recently, researchers have attempted to incorporate graph-based models into POI recommendation to enhance model performance. The key idea behind these graph-based approaches [4,5] is to transform user check-in records into graph-structured data, thereby leveraging the rich relational information inherent in graphs. In this way, these methods aim to explore the relationships between users and POIs within multiple contextual information, such as temporal and geographical factors. This allows for more accurate modeling of user preference characteristics and enhances the overall performance of the recommendation system.
Graph-based POI recommendation models can be broadly categorized into two main phases: graph construction and graph learning.
In the graph construction phase, the primary objective is to structure the data in a way that preserves the impact of contextual features. This involves encoding the relationships between POIs within various contextual information, such as temporal and geographical factors. The constructed graph captures the interactions among users, POIs, and their associated contexts, forming a rich relational structure that serves as the foundation for subsequent learning processes. The graph learning phase focuses on building models that can effectively learn the representations of both POIs and users. These models are typically based on graph neural networks (GNNs). The modeling process involves feeding the constructed graph structural data into a GNN-based architecture to extract meaningful representations of users and POIs.
However, models based on graph neural networks (GNNs) face inherent limitations in their message-passing mechanisms, such as over-smoothing and over-squashing issues. These limitations hinder the effective extraction of POI and user representations from graph-structured data with multiple contextual features, ultimately constraining the performance of GNN-based models in POI recommendation tasks.
To address the aforementioned challenges, we introduce a novel model named Multi-view Contextual Graphs via Convolutional Neural Networks for Point-of-Interest Recommendation (MCGRec). This framework consists of three main components: (1) Super node-based PPR Sampling. This component employs a personalized PageRank (PPR) method based on super nodes to sample highly correlated POIs from the context-feature-based graph-structured data. The sampled POIs are then transformed into a grid-like feature matrix, which serves as input for the subsequent convolutional neural network (CNN) processing; (2) Convolutional neural network-based backbone. A CNN-based model is utilized to extract POI representations from the grid-like feature matrix. Additionally, a weighted fusion method is employed to integrate multiple contextual information and calculate the final POI representations, ensuring that the model can capture the nuanced relationships between POIs and users; (3) Based on geographical and temporal factors, we develop a novel strategy to estimate user preferences. This strategy leverages the learned POI representations to construct a more comprehensive model of user behavior, integrating both geographical and temporal factors.
The main contributions of this paper are summarized as follows:
  • We introduce a new method (MCGRec), which employs a super node-based PPR sampling strategy to extract information from graph-structured data. This method transforms the sampled data into a grid-like feature matrix, which is then processed by a CNN-based backbone to learn POI representations.
  • We propose a novel user preference estimation method that comprehensively leverages the influence of geographical and temporal factors to calculate user preferences. This method integrates these contextual factors to enhance the accuracy of user preference modeling.
  • We conduct extensive experiments on real-world datasets to evaluate the performance of the proposed method. The experimental results demonstrate the effectiveness of MCGRec in the POI recommendation task, showing superior performance compared to representative POI recommendation approaches.
The remainder of the article is organized as follows: In Section 2, we review related studies for POI recommendation. In Section 3, we introduce the necessary preliminaries, including commonly used notations and definitions. In Section 4, we detail the proposed method. In Section 5, we describe the experimental setup and report the experimental results. Finally, in Section 6, we summarize the entire paper.

2. Related Work

In this section, we comprehensively review recent approaches to POI recommendation from two perspectives: multi-context information-based approaches and convolution neural network-based approaches.

2.1. Multi-Context Information-Based Approaches

Multi-context information-based approaches [6,7,8,9] aim to learn POI representations and user preferences from multi-context information, such as geographical information and temporal information.
Acharya et al. [10] incorporated Temporal Recency (TR) for visit timings and Spatial Proximity for location-based recommendations. They utilize a modified Long Short-term Memory (LSTM) model to capture temporal information and geographical proximity through orthogonal mapping to represent spatial information. Li et al. [11] introduce a Spatio-Temporal Intention Learning Self-Attention Network (STILSAN) that includes a preference–intention module to capture long-term preferences and revisit intentions, and a spatial encoder module to learn POI spatial features through spatial clustering and proximity analysis. Cheng et al. [12] propose a novel method, Point-of-Interest Recommendation based on Bidirectional Self-Attention Mechanism by Fusing Spatio-Temporal Preference (BSA-ST-Rec), which leverages a bidirectional self-attention mechanism to integrate spatio-temporal preferences for enhanced POI recommendations. Xie et al. [13] developed the Spatio-Temporal context Aggregated Hierarchical Transformer (STAHT), which employs stacked hierarchical encoders to recursively encode the spatio-temporal context and identify subsequences of varying granularities, capturing the dynamic preferences from user check-ins. Wang et al. [14] propose a spatial–temporal and text representation learning approach that utilizes the Transformer architecture to extract long-term dependencies in check-in sequences, effectively capturing both spatial and temporal dynamics. Wang et al. [15] introduce the Global Spatio-Temporal Aware Graph Neural Network (GSTAGNN), a novel model designed to capture and leverage global spatio-temporal relationships by examining user trajectories from a comprehensive perspective, including both spatial and temporal dimensions. Wu et al. [16] propose the Social- and Spatial–Temporal-Aware Next Point-of-Interest (SSTANPOI) method, which employs two feature encoders based on the self-attention mechanism and gated recurrent units to hierarchically model users’ check-in sequences, considering both social and spatial–temporal contexts.
Ren et al. [17] propose a novel framework named Mining Preferences from Geographical and Interactive Correlations (MPGI) that develops a specialized layer to capture geographical distances and interactive correlations between all POI pairs. This approach aims to leverage the spatial and relational aspects of POIs to improve the accuracy of recommendations. Liu et al. [6] developed the Spatio-Temporal Heterogeneous Information Network (STORE) model, which simultaneously extracts geographical and temporal effects along with other contextual features, such as POI types and users’ social relations. By integrating these diverse features, STORE provides a comprehensive representation of the user–POI interaction landscape. Li et al. [18] propose a recommendation framework that transforms heterogeneous nodes, including users and POIs, into a unified representation space. This addresses the issues of noise and node similarity, allowing the framework to better differentiate similar behavior nodes, resulting in more accurate recommendations.
Dai et al. [7] developed a unified Spatio-Temporal Neural Network (STNN) framework, which leverages users’ check-in records and social ties to recommend personalized POIs. The proposed method jointly models user–POI relations, sequential patterns, geographical influence, and social ties in a heterogeneous graph to learn user and POI representations.
Halder et al. [19] propose a multi-task and multi-head attention transformer-based model that not only recommends the next POIs to target users but also predicts queuing times by considering user mobility behaviors. This model leverages POI descriptions to infer user personal interests, which also helps address the cold start problem for new categorical POIs. Zhou et al. [20] developed a new method that enhances POI recommendations by incorporating user relationship strength through a data-driven approach. By analyzing users’ check-in behaviors, the proposed method defines user relationships and embeds these social links into a spatiotemporal framework for POI recommendations. Cai et al. [21] propose Friends-aware Graph Collaborative Filtering (FG-CF), which integrates social information into a user–POI graph to improve recommendation accuracy. This method specifically addresses the challenge of leveraging social ties to enhance the quality of POI recommendations. Hu et al. [22] propose a translation-based knowledge graph enhanced multi-task learning framework (Trans-MKR) for POI recommendation. This framework enhances the knowledge graph embedding module of the multi-task learning framework with TransR to quantify the relationships between POIs and their attributes, providing a robust solution for capturing the complex relationships in POI recommendation. Seyedhoseinzadeh et al. [23] incorporated social, geographical, and temporal information into a matrix factorization-based method to overcome the data sparsity issue. This approach effectively leverages multiple sources of information to enhance the quality of recommendations, especially in scenarios with limited data. Chen et al. [9] propose a novel POI recommendation model to capture and learn these complex sequential transitions by incorporating time and distance irregularities. Moreover, the proposed method introduces a strategy to dynamically weight the decay values during the model learning process.

2.2. Convolution Neural Network-Based Approaches

Convolutional neural network-based approaches aim to utilize CNN-based backbones to extract complex representations of POIs and user preferences.
Xing et al. [24] utilized CNNs as the foundation of a unified POI recommendation framework, incorporating various types of content information to enhance the accuracy of recommendations. Safavi et al. [25,26] leveraged deep learning and CNNs to extract the influence of the most similar pattern of friendship rather than considering the entire user base, thereby focusing on the most relevant social connections for recommendation purposes. Xing et al. [27] propose Review Geographical Social (ReGS), which integrates CNNs with a probability matrix factorization approach for POI recommendation, effectively combining textual and geographical information. Hao et al. [28] utilized CNNs to extract and learn intrinsic representations from the textual information of POIs, providing a robust method for capturing the semantic content of POIs. Zhang et al. [29] developed a CNN-based POI intrinsic embedding model that fuses valuable cross-domain knowledge to achieve more accurate POI recommendations, leveraging the strengths of CNNs to handle complex data structures.

3. Preliminaries

In this section, we review the key notations and definitions adopted in this paper. Specifically, we first introduce several key notations used in the context of location-based social networks (LBSNs). Then, we define key concepts related to the contextual graph and the POI recommendation task. The notations and their explanations are summarized in Table 1.

3.1. Location-Based Social Network

Given a location-based social network, we define a user set U = { u 1 , , u n } with n users and a POI set P = { p 1 , , p m } with m POIs. Each POI p is associated with the geographical information l p , which is represented as longitude and latitude. A user check-in record is represented as c u = { u , p , t } where t denotes the check-in timestamp.

3.2. Definitions

Definition 1. 
[(Geographical contextual graph)]. A geographical contextual graph G L = { V L , E L } is defined to capture the geographical relationships between POIs. We first calculate the distance between two POIs. If the distance is less than a threshold, then these two POIs will be connected in the geographical contextual graph.
Definition 2. 
[(Temporal contextual graph)]. A temporal contextual graph G T = { V T , E T } is designed to represent the temporal relationships between POIs. Similar to the geographical contextual graph, we connect two POIs if their two most frequently checked timestamp are the same.
Definition 3. 
[(POI recommendation)]. Given the check-in records C u of a user u, the goal of the POI recommendation is to generate a POI list that the user u has not visited R = { p 1 , , p k } where k is the length of the recommendation list.

4. Methodology

In this section, we provide a detailed introduction to the proposed method, Multi-view Contextual Graphs via Convolutional Neural Networks for Point-of-Interest Recommendation (MCGRec). First, we present a PPR sampling with super nodes to extract relevant information for each POI node from the constructed contextual graphs. Next, we introduce a CNN-based neural network module to process contextual information using CNN layers and a feature fusion layer to generate comprehensive representations. Finally, we describe a method for estimating user preferences. The overall framework is shown in Figure 1.

4.1. PPR Sampling via Super Nodes

In the constructed contextual graphs, the geographical and temporal influences are preserved within the graph-structured data. To effectively learn POI representations from these data, we initially utilize the PPR sampling method to extract pivotal node information for each POI across diverse contextual graphs, thereby capturing interrelations among POIs across various contextual features. However, direct application of the PPR algorithm tends to sample nodes from adjacent areas, potentially limiting the exploration of pertinent POI nodes. To mitigate this, we introduce a novel super node-based PPR sampling strategy.
First, we leverage different strategies to add super nodes into geographical and temporal contextual graphs. In the geographical contextual graph, POIs are categorized into groups based on their geographical attributes, typically delineated by administrative regions within the city. Each POI is then associated with a specific super node corresponding to its geographic location. Similarly, in the temporal graph, timestamps of check-ins are segmented into 24 h intervals, each represented by a dedicated super node. A POI becomes linked to the appropriate super node whenever it has been visited during the corresponding time interval. By incorporating super nodes, we can enhance the connections between POI nodes on the graph, thereby facilitating the identification of related POI nodes.
Next, we utilize the following PPR sampling strategy [30] to conduct node sampling from the graph-structured data:
r = α A ¯ r + ( 1 α ) m
where r denotes the PPR score vectors, A ¯ denotes the propagation matrix, and m denotes the initial vector. Using Equation (1), we employ PPR scores to sample POI nodes that exhibit high correlation with each given POI. Taking the geographical contextual graph as an example, for a given POI p, we use PPR sampling to obtain a set of highly correlated POI nodes N p L = { p 1 , , p n l } where nl denotes the sampling size.
Inspired by the recent study [31], we further transform the sampled node set into a grid-like feature matrix. This matrix serves as the input feature matrix for the CNN-based backbone:
M p L = φ ( N p L , X )
where X denotes the raw feature matrix of POIs and M p L denotes the grid-like feature matrix of POI p, φ ( ) denotes the transformation function. In this paper, we rank all sampled POIs based on their PPR scores to generate the grid-like feature matrix M p L . Following the same operation, we can obtain the feature matrix M p T from the temporal contextual graph. This approach ensures that the grid-like feature matrix effectively preserves contextual information. Furthermore, leveraging such structured input data enables the application of advanced neural networks to extract comprehensive POI representations.

4.2. CNN-Based Neural Network Module

Given the grid-like feature matrix extracted from the contextual graphs, we further develop a convolution neural network-based backbone to learn representations of POIs. Taking M p L ( n l + 1 ) × d as an example, we design a CNN based on 1D convolutional kernels to extract POI representations. This is because, unlike the feature matrices of images that exhibit spatial correlations, each dimension of POI features exists independently. Therefore, using 2D convolutional kernels to extract POI features from a grid feature matrix is not suitable. Specifically, we develop a neural network block that contains two convolution layers. The kernel sizes of these convolutional layers are ( n l + 1 , 1 ) and ( 1 , 1 ) , respectively. The first convolutional layer is utilized to extract POI representations from the grid feature matrix, whereas the second layer serves for nonlinear feature transformation, a standard configuration in CNN architecture. Note that the choice of the kernel size is flexible. Any reasonable combinations of convolutional neural networks are available. Through such a neural network block, we can obtain the representation of POI p extracted from the geographical contextual graph:
H p L = Conv 2 ( Conv 1 ( M p L ) )
where Conv 1 ( ) and Conv 2 ( ) are predefined CNN layers. H p L denotes the extracted representation of POI p. Following the same operation, we can obtain the representation H p T extracted from the temporal contextual graph.
H p L and H p T represent the extracted representations from different contexts. However, in POI recommendation scenarios, the influence of various contextual factors may vary. To effectively integrate information from different contexts and derive the final POI representation, we have designed the following method:
H p F = β H p L + ( 1 β ) H p T
β [ 0 , 1 ] represents the aggregation weight which controls the influence of different contextual factors on the final representation and H p F represents the final representation of POI p.

4.3. User Preferences Estimation

In the POI recommendation, user preferences are influenced by various contextual information. To enhance the accuracy of preference estimation, we propose a method that integrates geographical and temporal contexts. Specifically, for a user u, the representation of user preferences is calculated as follows:
H u U = p C u g p H p F + p C u , t t p H p F
where g p and t p are aggregation weights to control the contributions of geographical and temporal factors.
In this paper, we employ the following strategies to calculate g p and t p : (1) for g p , we compute the frequency of a user’s visits to each region and utilize this frequency as g p . Intuitively, the higher the frequency with which a user visits a particular region, the greater the attraction of the POIs in that region to the user. (2) for t p , taking into account the dynamic nature of user preferences, we use recent visit records to calculate user preferences:
t p = exp ( 1 t p t 0 )
where t 0 and t p are given timestamp and the check-in timestamp of POI p. The principle of Equation (6) is based on the assumption that POIs visited in the distant past have less influence on the user preferences, while recently visited POIs have a greater impact on the user preferences.

4.4. Model Training

In this paper, to optimize the parameters of the proposed model, we employ the Bayesian Personalized Ranking (BPR) [32], a widely adopted optimization approach in the recommendation domain. The loss function of our method is as follows:
L = - 1 n u = 1 n p i D u p j D u In σ ( H u U H p i F H u U H p j F ) + λ | | Θ | | 2
where σ ( ) denotes the nonlinear activation function and Θ denotes the model parameter. λ is the regularization coefficient. By minimizing Equation (7), we can employ the stochastic gradient descent method to learn the model parameters.

5. Experiments

In this section, we detail the experimental setup, including datasets, baselines, evaluation metrics, and present the results obtained. Additionally, we conduct a comparative analysis of our model against representative POI recommendation approaches.

5.1. Datasets

In this paper, we utilize two datasets extracted from the real-world location-based social networks, NYC and Gowalla. Each dataset record includes the user ID, POI ID, latitude and longitude of the POI, and the check-in timestamp. Detailed dataset statistics are presented in Table 2. We select 80% of the data as the training set, and others belong to the test set.

5.2. Baselines

In this paper, we adopt the following representative POI recommendation approaches as baselines:
  • GNN-POI [33] is a comprehensive POI recommendation framework that utilizes Graph Neural Networks for learning representations from node information and topological structures.
  • RELINE [34] is a unified model that jointly learns user and POI dynamics via social influence, geographical proximity, and temporal effects.
  • STaTRL [14] is a transformer-based approach that leverages the self-attention mechanism to preserve different contextual information.
  • Neu-PCM [35] employs deep neural networks to learn potential interactions between users and POIs.
  • CAPRI [36] introduces many context-aware models to extract information from multi-contextual factors and develops a new strategy to fuse obtained contextual information.
  • SCR [37] is a sequential model-based method that captures the relationships between non-consecutive POIs in complex scenarios.
  • BSA-ST-Rec [12] leverages bidirectional self-attention to extract user preferences from spatio-temporal fusion embeddings.

5.3. Evaluation Metrics

To evaluate the model performance on the POI recommendation task, we adopt two mainstream evaluation metrics in the field of recommender systems: Precision @ k and Recall @ k :
Precision @ k = 1 n u = 1 n | R r e R t e s t | k
Recall @ k = 1 n u = 1 n | R r e R t e s t | | R t e s t |
where R r e and R t e s t are the generated POI list by models and the visited POI list in the test set. k is the length of the recommendation list.

5.4. Performance Comparison

To evaluate the performance of each model on the POI recommendation task, we run each model ten times on each dataset and report the average results. The results are reported in Table 3, Table 4, Table 5 and Table 6.
From the experimental results, we can observe that our proposed method outperforms the baseline methods on all datasets, demonstrating its effectiveness in the POI recommendation task. Notably, the results on the Gowalla dataset are superior to those on the NYC dataset. This can be attributed to the higher density of the Gowalla dataset, which contains more user check-in records, thus better facilitating the model’s ability to capture nuanced user preference features. Additionally, we observe that sequence-based models, such as SCR, do not achieve the best performance. This is likely due to the sparsity of user check-in records in the POI scenario, which hinders the effective training of sequence models.

5.5. Parameter Analysis

In Equation (4), β is a crucial hyperparameter that controls the contribution of different contextual features to the final POI representation. These POI representations, in turn, influence the modeling of user preferences and ultimately impact the performance of the model in POI recommendation. To investigate the effect of β on model performance, we vary β in {0, 0.2, 0.4, 0.6, 0.8, 1.0} and observe the changes in model performance. The experiments are conducted on the NYC dataset with the length of the recommendation list fixed at 10. The experimental results are presented in Figure 2 and Figure 3.
When β is set to 0 or 1, it implies that MCGRec discards either the geographical context or the temporal context, considering only a single type of contextual feature when modeling POI representations. The experimental results show that in both cases, the model’s performance is suboptimal, indicating that modeling POI representations based on a single context is insufficiently accurate. Furthermore, the results demonstrate that as the value of β changes, the model’s performance first increases and then decreases, with the optimal β value not being 0.5. This suggests that the impact of different contexts on the final POI representation is not uniform, indicating that one context may be more influential than the other in certain scenarios when modeling POI representations.

5.6. Ablation Study

In Equation (5), we model user preferences from both geographical and temporal perspectives. To validate the effectiveness of these two modules, we propose two variant models of MCGRec: MCGRec-G and MCGRec-T. In MCGRec-G, we consider only geographical factors for modeling user preferences, while in MCGRec-T, we focus solely on temporal factors. We then evaluate the performance of these two variants on the NYC dataset. The results are presented in Table 7 and Table 8.
The experimental results indicate that MCGRec outperforms both variant models, MCGRec-G and MCGRec-T, demonstrating that considering the combined effects of geographical and temporal factors on user preferences can significantly enhance model performance. Additionally, we observe that MCGRec-T performs better than MCGRec-G, suggesting that temporal factors are more influential than geographical factors when modeling user preferences.

6. Conclusions

In this paper, we propose a novel POI recommendation model, MCGRec, which extracts POI representations from constructed contextual graphs. Unlike existing GNN-based methods, MCGRec leverages CNNs to extract POI features, offering greater expressive power compared to shallow GNN models. To apply the CNN model to graph-structured data, MCGRec introduces a super-node-based PPR sampling method, facilitating the sampling of POI nodes related to the target POI from the contextual association graph. Additionally, MCGRec incorporates a flexible CNN neural network module, ensuring the model’s adaptability by allowing any reasonable combination of CNN layers. Finally, MCGRec develops a user preference estimation method that models user preferences using both geographical and temporal contextual features. We conduct extensive experiments on two real-world datasets, NYC and Gowalla. On the NYC dataset, MCGRec outperforms the second-best method by 8.5%, 7.5%, and 3.8% at Precision@5, Precision@10, and Precision@15, respectively. Additionally, MCGRec surpasses the second-best method by 5.7%, 3.4%, and 1.7% at Recall@5, Recall@10, and Recall@15, respectively. On the Gowalla dataset, MCGRec outperforms the second-best method by 15.3%, 9.3%, and 14.1% at Precision@5, Precision@10, and Precision@15, respectively. Furthermore, MCGRec surpasses the second-best method by 1.7%, 2.8%, and 2.1% at Recall@5, Recall@10, and Recall@15, respectively. These empirical results demonstrate the effectiveness of MCGRec on the POI recommendation task.
A potential limitation of MCGRec lies in its naive use of the CNN architecture. Specifically, MCGRec employs only the basic modules of CNNs, overlooking more advanced and powerful architectures that could enhance the expressiveness of learned representations. Therefore, a promising future research direction is to integrate modern and powerful CNN architectures into MCGRec to further improve the model’s performance.

Author Contributions

Conceptualization, S.J. and W.F.; Data curation, W.F. and X.D.; Formal analysis, X.D.; Methodology, S.J.; Project administration, W.F.; Software, W.F.; Writing—original draft, S.J. and W.F.; Writing—review and editing, S.J., W.F. and X.D. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Publicly available datasets were analyzed in this study. These data can be found here: NYC: https://sites.google.com/site/yangdingqi/home/foursquare-dataset; Gowalla: https://www.yongliu.org/datasets. Accessed on 8 August 2024.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Ji, W.; Meng, X.; Zhang, Y. STARec: Adaptive learning with spatiotemporal and activity influence for POI recommendation. ACM Trans. Inf. Syst. 2021, 40, 65. [Google Scholar] [CrossRef]
  2. Hu, X.; Xu, J.; Wang, W.; Li, Z.; Liu, A. A graph embedding based model for fine-grained POI recommendation. Neurocomputing 2021, 428, 376–384. [Google Scholar] [CrossRef]
  3. Ji, W.; Meng, X.; Zhang, Y. SPATM: A social period-aware topic model for personalized venue recommendation. IEEE Trans. Knowl. Data Eng. 2020, 34, 3997–4010. [Google Scholar] [CrossRef]
  4. Lang, C.; Wang, Z.; He, K.; Sun, S. POI recommendation based on a multiple bipartite graph network model. J. Supercomput. 2022, 78, 9782–9816. [Google Scholar] [CrossRef]
  5. Lu, Y.-S.; Huang, J.-L. GLR: A graph-based latent representation model for successive POI recommendation. Future Gener. Comput. Syst. 2020, 102, 230–244. [Google Scholar] [CrossRef]
  6. Liu, Y.; Yang, Z.; Li, T.; Wu, D. A novel POI recommendation model based on joint spatiotemporal effects and four-way interaction. Appl. Intell. 2022, 52, 5310–5324. [Google Scholar] [CrossRef]
  7. Dai, S.; Yu, Y.; Fan, H.; Dong, J. Spatio-temporal representation learning with social tie for personalized poi recommendation. Data Sci. Eng. 2022, 7, 44–56. [Google Scholar] [CrossRef]
  8. 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]
  9. Chen, Y.-C.; Thaipisutikul, T.; Shih, T.K. A learning-based POI recommendation with spatiotemporal context awareness. IEEE Trans. Cybern. 2020, 52, 2453–2466. [Google Scholar] [CrossRef] [PubMed]
  10. Acharya, M.; Mohbey, K.K.; Rajput, D.S. Long-term preference mining with temporal and spatial fusion for point-of-interest recommendation. IEEE Access 2024, 12, 11584–11596. [Google Scholar] [CrossRef]
  11. Li, H.; Yue, P.; Li, S.; Zhang, C.; Yang, C. Spatio-temporal intention learning for recommendation of next point-of-interest. Geo-Spat. Inf. Sci. 2024, 27, 384–397. [Google Scholar] [CrossRef]
  12. Cheng, S.; Wu, Z.; Qian, M.; Huang, W. Point-of-interest recommendation based on bidirectional self-attention mechanism by fusing spatio-temporal preference. Multimed. Tools Appl. 2024, 83, 26333–26347. [Google Scholar] [CrossRef]
  13. Xie, J.; Chen, Z. Hierarchical transformer with spatio-temporal context aggregation for next point-of-interest recommendation. ACM Trans. Inf. Syst. 2023, 42, 37. [Google Scholar] [CrossRef]
  14. Wang, X.; Fukumoto, F.; Li, J.; Yu, D.; Sun, X. STaTRL: Spatial-temporal and text representation learning for POI recommendation. Appl. Intell. 2023, 53, 8286–8301. [Google Scholar] [CrossRef]
  15. Wang, J.; Yang, B.; Liu, H.; Li, D. Global spatio-temporal aware graph neural network for next point-of-interest recommendation. Appl. Intell. 2023, 53, 16762–16775. [Google Scholar] [CrossRef]
  16. Wu, J.; Zhang, Y.; Li, Y.; Zou, Y.; Li, R.; Zhang, Z. SSTP: Social and spatial-temporal aware next point-of-interest recommendation. Data Sci. Eng. 2023, 8, 329–343. [Google Scholar] [CrossRef]
  17. Ren, J.; Gan, M. Mining dynamic preferences from geographical and interactive correlations for next POI recommendation. Knowl. Inf. Syst. 2023, 65, 183–206. [Google Scholar] [CrossRef]
  18. Li, R.; Meng, X.; Zhang, Y. A points of interest recommendation framework based on effective representation of heterogeneous nodes in the Internet of Things. Comput. Commun. 2022, 196, 76–88. [Google Scholar] [CrossRef]
  19. Halder, S.; Lim, K.H.; Chan, J.; Zhang, X. POI recommendation with queuing time and user interest awareness. Data Min. Knowl. Discov. 2022, 36, 2379–2409. [Google Scholar] [CrossRef] [PubMed]
  20. Zhou, Y.; Yang, G.; Yan, B.; Cai, Y.; Zhu, Z. Point-of-interest recommendation model considering strength of user relationship for location-based social networks. Expert Syst. Appl. 2022, 199, 117147. [Google Scholar] [CrossRef]
  21. Cai, Z.; Yuan, G.; Qiao, S.; Qu, S.; Zhang, Y.; Bing, R. FG-CF: Friends-aware graph collaborative filtering for POI recommendation. Neurocomputing 2022, 488, 107–119. [Google Scholar] [CrossRef]
  22. Hu, B.; Ye, Y.; Zhong, Y.; Pan, J.; Hu, M. Transmkr: Translation-based knowledge graph enhanced multi-task point-of-interest recommendation. Neurocomputing 2022, 474, 107–114. [Google Scholar] [CrossRef]
  23. 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]
  24. Xing, S.; Liu, F.; Wang, Q.; Zhao, X.; Li, T. Content-aware point-of-interest recommendation based on convolutional neural network. Appl. Intell. 2019, 49, 858–871. [Google Scholar] [CrossRef]
  25. Safavi, S.; Jalali, M. DeePOF: A hybrid approach of deep convolutional neural network and friendship to Point-of-Interest (POI) recommendation system in location-based social networks. Concurr. Comput. Pract. Exp. 2022, 34, e6981. [Google Scholar] [CrossRef]
  26. Safavi, S.; Jalali, M. RecPOID: POI recommendation with friendship aware and deep CNN. Future Internet 2021, 13, 79. [Google Scholar] [CrossRef]
  27. Xing, S.; Liu, F.; Zhao, X.; Li, T. Points-of-interest recommendation based on convolution matrix factorization. Appl. Intell. 2018, 48, 2458–2469. [Google Scholar] [CrossRef]
  28. Hao, P.-Y.; Cheang, W.-H.; Chiang, J.-H. Real-time event embedding for POI recommendation. Neurocomputing 2019, 349, 1–11. [Google Scholar] [CrossRef]
  29. Zhang, H.; Wei, S.; Hu, X.; Li, Y.; Xu, J. On accurate POI recommendation via transfer learning. Distrib. Parallel Databases 2020, 38, 585–599. [Google Scholar] [CrossRef]
  30. Chen, J.; Li, B.; He, Q.; He, K. PAMT: A Novel Propagation-Based Approach via Adaptive Similarity Mask for Node Classification. IEEE Trans. Comput. Soc. Syst. 2024. [Google Scholar] [CrossRef]
  31. Chen, J.; Li, B.; He, K. Neighborhood convolutional graph neural network. Knowl.-Based Syst. 2024, 295, 111861. [Google Scholar] [CrossRef]
  32. Rendle, S.; Freudenthaler, C.; Gantner, Z.; Schmidt-Thieme, L. BPR: Bayesian personalized ranking from implicit feedback. arXiv 2012, arXiv:1205.2618. [Google Scholar]
  33. 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]
  34. Christoforidis, G.; Kefalas, P.; Papadopoulos, A.N.; Manolopoulos, Y. RELINE: Point-of-interest recommendations using multiple network embeddings. Knowl. Inf. Syst. 2021, 63, 791–817. [Google Scholar] [CrossRef]
  35. Zeng, J.; Tang, H.; Zhao, Y.; Wen, J. Neu-PCM: Neural-based potential correlation mining for POI recommendation. Appl. Intell. 2023, 53, 10685–10698. [Google Scholar] [CrossRef]
  36. Tourani, A.; Rahmani, H.A.; Naghiaei, M.; Deldjoo, Y. CAPRI: Context-aware point-of-interest recommendation framework. Softw. Impacts 2024, 19, 100606. [Google Scholar] [CrossRef]
  37. Thaipisutikul, T.; Chen, Y.-N. An improved deep sequential model for context-aware POI recommendation. Multimed. Tools Appl. 2024, 83, 1643–1668. [Google Scholar] [CrossRef]
Figure 1. The overall framework of MCGRec.
Figure 1. The overall framework of MCGRec.
Applsci 14 07010 g001
Figure 2. Performance of MCGRec with different β on NYC in terms of Precision.
Figure 2. Performance of MCGRec with different β on NYC in terms of Precision.
Applsci 14 07010 g002
Figure 3. Performance of MCGRec with different β on NYC in terms of Recall.
Figure 3. Performance of MCGRec with different β on NYC in terms of Recall.
Applsci 14 07010 g003
Table 1. The notations and their explanations.
Table 1. The notations and their explanations.
NotationExplanation
UThe user set
PThe POI set
l p The geographical information of POI p
c u The check-in record of user u
G L The geographical contextual graph
G T The temporal contextual graph
N p L The sampling POI set from G L
M p L The grid-like feature matrix from G L
H p L The representation of POI p from G L
H p T The representation of POI p from G T
H p F The final representation of POI p
H u U The final representation of user u
Table 2. Detailed statistics of each dataset.
Table 2. Detailed statistics of each dataset.
NYCGowalla
Number of Users2193304,117
Number of POIs60,1542,635,689
Number of Check-in records543,30235,186,458
Table 3. Performances of all methods on NYC in terms of Precision.
Table 3. Performances of all methods on NYC in terms of Precision.
NYCPrecision@5Precision@10Precision@15
STaTRL0.0520.0480.045
Neu-PCM0.0490.0460.042
CAPRI0.0680.0620.051
SCR0.1160.0830.063
BSA-ST-Rec0.1300.0960.066
GNN-POI0.1450.1110.068
RELINE0.1520.1190.078
MCGRec0.1650.1280.081
Table 4. Performances of all methods on NYC in terms of Recall.
Table 4. Performances of all methods on NYC in terms of Recall.
NYCRecall@5Recall@10Recall@15
STaTRL0.1820.2410.352
Neu-PCM0.1790.2320.339
CAPRI0.2050.2390.374
SCR0.2490.2760.389
BSA-ST-Rec0.2640.2930.394
GNN-POI0.2750.3180.399
RELINE0.2800.3210.411
MCGRec0.2960.3320.418
Table 5. Performances of all methods on Gowalla in terms of Precision.
Table 5. Performances of all methods on Gowalla in terms of Precision.
GowallaPrecision@5Precision@10Precision@15
STaTRL0.0660.0610.056
Neu-PCM0.0440.0390.037
CAPRI0.1030.0780.058
SCR0.1420.1210.074
BSA-ST-Rec0.1630.1390.111
GNN-POI0.1740.1530.129
RELINE0.1890.1720.141
MCGRec0.2180.1880.161
Table 6. Performances of all methods on Gowalla in terms of Recall.
Table 6. Performances of all methods on Gowalla in terms of Recall.
GowallaRecall@5Recall@10Recall@15
STaTRL0.2850.2840.324
Neu-PCM0.2420.2750.301
CAPRI0.3410.3970.452
SCR0.4320.4920.511
BSA-ST-Rec0.4680.5260.547
GNN-POI0.4750.5380.556
RELINE0.4810.5430.571
MCGRec0.4890.5580.583
Table 7. Performances of MCGRec and its variants on NYC in terms of Precision.
Table 7. Performances of MCGRec and its variants on NYC in terms of Precision.
NYCPrecision@5Precision@10Precision@15
MCGRec-G0.1340.0980.065
MCGRec-T0.1520.1140.069
MCGRec0.1650.1280.081
Table 8. Performances of MCGRec and its variants on NYC in terms of Recall.
Table 8. Performances of MCGRec and its variants on NYC in terms of Recall.
NYCRecall@5Recall@10Recall@15
MCGRec-G0.2690.3010.392
MCGRec-T0.2780.3160.402
McGee0.2960.3320.418
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

Jiang, S.; Feng, W.; Ding, X. Extracting Representations from Multi-View Contextual Graphs via Convolutional Neural Networks for Point-of-Interest Recommendation. Appl. Sci. 2024, 14, 7010. https://doi.org/10.3390/app14167010

AMA Style

Jiang S, Feng W, Ding X. Extracting Representations from Multi-View Contextual Graphs via Convolutional Neural Networks for Point-of-Interest Recommendation. Applied Sciences. 2024; 14(16):7010. https://doi.org/10.3390/app14167010

Chicago/Turabian Style

Jiang, Shaojie, Wen Feng, and Xuefeng Ding. 2024. "Extracting Representations from Multi-View Contextual Graphs via Convolutional Neural Networks for Point-of-Interest Recommendation" Applied Sciences 14, no. 16: 7010. https://doi.org/10.3390/app14167010

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