Next Article in Journal
Mathematics and Its Applications in Science and Engineering
Previous Article in Journal
Artificial Neuron-Based Model for a Hybrid Real-Time System: Induction Motor Case Study
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

POI Recommendation Method of Neural Matrix Factorization Integrating Auxiliary Attribute Information

1
School of Geomatics, Liaoning Technical University, Fuxin 123000, China
2
Research Centre of Geo-Spatial Big Data Application, Chinese Academy of Surveying and Mapping, Beijing 100830, China
3
School of Resource and Environmental Sciences, Wuhan University, Wuhan 430072, China
4
School of Spatial Informatics and Geomatics Engineering, Anhui University of Science and Technology, Huainan 232000, China
*
Author to whom correspondence should be addressed.
Mathematics 2022, 10(19), 3411; https://doi.org/10.3390/math10193411
Submission received: 29 July 2022 / Revised: 12 September 2022 / Accepted: 15 September 2022 / Published: 20 September 2022

Abstract

:
Point-of-interest (POI) recommendation is the prevalent personalized service in location-based social networks (LBSNs). A single use of matrix factorization (MF) or deep neural networks cannot effectively capture the complex structure of user–POI interactions. In addition, to alleviate the data-sparsity problem, current methods primarily introduce the auxiliary information of users and POIs. Auxiliary information is often judged to be equally valued, which will dissipate some of the valuable information. Hence, we propose a novel POI recommendation method fusing auxiliary attribute information based on the neural matrix factorization, integrating the convolutional neural network and attention mechanism (NueMF-CAA). First, the k-means and term frequency–inverse document frequency (TF-IDF) algorithms are used to mine the auxiliary attribute information of users and POIs from user check-in data to alleviate the data-sparsity problem. A convolutional neural network and an attention mechanism are applied to learn the expression of auxiliary attribute information and distinguish the importance of auxiliary attribute information, respectively. Then, the auxiliary attribute information feature vectors of users and POIs are concatenated with their respective latent feature vectors to obtain the complete latent feature vectors of users and POIs. Meanwhile, generalized matrix factorization (GMF) and multilayer perceptron (MLP) are used to learn the linear and nonlinear interactions between users and POIs, respectively, and the last hidden layer is connected to integrate the two parts to alleviate the implicit feedback problem and make the recommendation results more interpretable. Experiments on two real-world datasets, the Foursquare dataset and the Weibo dataset, demonstrate that the proposed method significantly improves the evaluation metrics—hit ratio (HR) and normalized discounted cumulative gain (NDCG).

1. Introduction

With the popularity of the Internet and the maturity of geolocation technology, location-based social networks (LBSNs) have emerged, such as Foursquare, Gowalla, Yelp, and Weibo [1]. As a vital service of LBSNs, point-of-interest (POI) recommendation has gradually become a research hotspot in the fields of geographic information systems and web information retrieval [2]. POI recommendation is used to mine users’ various life patterns and personal preferences, hidden behind large-scale data, to help users find the most interesting personalized places, thereby enriching users’ life experience [3]. Concurrently, it also helps relevant service providers provide intelligent, precise, and personalized services for potential users, which greatly enhances the users’ loyalty to the LBSNs platform, thereby improving economic benefits [4].
Collaborative filtering (CF) [5], which calculates users’ preference score for an unvisited POI through a user-POI check-in matrix, is a principal method for POI recommendation. However, users only visit a small fraction of POIs in LBSNs. Therefore, POI recommendation is confronted with a high data-sparsity problem, making it difficult for CF to play an effective role. Among many CF methods, matrix factorization (MF) is the most extensively used [6] because of its excellent scalability and accurate prediction ability in processing large-scale data. Cheng et al. [7] integrated users’ social relationships and location information into probability MF. He et al. [8] proposed a POI recommendation algorithm based on weighted MF, integrating social geographic location information that models social geographic information to mine users’ preferences for unvisited locations and improves the objective function of weighted MF in the form of implicit feedback. Lian et al. [9] presented a POI recommendation method based on the weighted MF model that captures spatial clustering phenomena from the perspective of two-dimensional kernel density estimation and integrates it into the MF model. However, all the above studies used latent feature vectors to represent users and POIs, and the interaction function of users and POIs was simply modeled as the inner product of their corresponding latent feature vectors. In this way, the complex structure of user–POI interactions could not be captured effectively, and POI recommendation can cause ranking errors.
In recent years, with deep learning’s rapid advancement, it has been applied to the field of recommendation systems on a large scale [10]. Deep learning can effectively capture nonlinear and special user–item relations and express more complex and abstract data to overcome the problem of data sparsity [2]. Therefore, a growing number of studies combine deep learning with CF [11], hoping to improve the performance of traditional recommendation algorithms. Meng et al. [12] learned the association between users and POIs in their respective attributes by constructing a convolutional neural network model. Feng et al. [13] proposed a mixed POI recommendation model based on deep learning that uses a convolutional neural network to learn the feature representations of comment information and then uses the extended MF model to fuse the feature of comment information. From the above literature, scholars have explored deep learning models based on implicit feedback, which primarily uses deep learning networks to model auxiliary information. To explore the high-order nonlinear relationship between users and items more effectively, He et al. [11] presented neural collaborative filtering (NCF), which directly employs multilayer perceptron (MLP) to model the interactions between users and items on the basis of MF. Guo et al. [14] proposed DeepFM as an end-to-end model that uses a deep neural network to model the low-order interaction relationship of FM and the interaction relationships with high-order characteristics. Deng et al. [15] proposed a DeepCF model framework that combines feature learning with a matching function to enhance the performance of the model. The above studies all apply deep learning networks to the interactions between users and items, which improves the predictive ability of the model. Inspired by the NCF framework, we consider mining the high-order nonlinear relationships between users and POIs based on MF in POI recommendation. MLP is often used to mine higher-order nonlinear relationships between users and items. While using MLP to directly learn the matching function gives the model great flexibility, the learning process can be inefficient without introducing the human experience. Therefore, it is necessary to explore low-order linear and high-order nonlinear relationships between users and POIs.
To relieve the pressure of data sparsity, many researchers try to solve this problem by introducing auxiliary information [16,17,18,19]. The CoupledCF model [20] uses a convolutional neural network to extract the attribute features of users and items and recommends items for users by combining the historical interactions between users and items. Wei et al. [21] subdivided the spatial relationship into the spatial distance relationship and spatial topology relationship to model the relationships between users and POIs. Chen et al. [22] used a neural network to extract the semantic features of comment text and images related to users and POIs, modeled the user–text semantic feature relationship and POI semantic feature relationship, and then fused them into a unified probability generation model. Wang [23] fused the POI with its auxiliary information using the graph-embedding method, obtained a deep-level POI vector with rich information, and then input it into the neural network. However, auxiliary information is equivalently treated without distinguishing its value. In fact, the importance of various auxiliary information is different; therefore, the impact on the POI recommendation results is different.
To mitigate data sparsity and implicit feedback in POI recommendation, this paper employs an MLP in the deep neural network to express the users’ preference for POI nonlinearly and utilizes the generalized matrix factorization (GMF) method to linearly describe the users’ preference for POI. To further enhance the accuracy of POI recommendation, the k-means and term frequency–inverse document frequency (TF-IDF) algorithms are used to construct the auxiliary attribute information of users and POIs from user check-in data. A convolutional neural network and an attention mechanism are used to learn the expression of auxiliary attribute information and distinguish the importance of auxiliary attribute information, respectively. To obtain the complete latent feature vectors of users and POI, we integrate the auxiliary attribute information expression of users and POIs into their respective latent feature vectors.
The main contributions of this paper are as follows:
  • Employing the k-means and TF-IDF algorithms to construct the auxiliary attribute information of users (including user preference category and user high activity location) and the auxiliary attribute information of POIs (including category of POI, popularity POI, and region of POI) from user check-in data.
  • For the optimum use of auxiliary attribute information, a convolutional neural network is used to learn the expression of auxiliary attribute information, and an attention mechanism is introduced to distinguish the importance of auxiliary attribute information. The complete latent feature vectors of users and POIs are expressed as the integration of the auxiliary attribute information feature vectors of users and POIs with the latent feature vectors of users and POIs.
  • Based on the NCF framework, a novel neural matrix factorization method (NueMF-CAA) for POI recommendation is proposed. The method incorporates the auxiliary attribute information of users and POIs and uses GMF and MLP to deeply explore the interactions between users and POIs.
  • Based on the Foursquare dataset and Weibo dataset, the feasibility and effectiveness of NueMF-CAA for POI recommendation are verified.

2. Method

2.1. Problem Definition

In LBSNs, U = u 1 , u 2 , , u m and V = v 1 , v 2 , , v n are the set of users and POIs, respectively, where m is the number of users and n is the number of POIs. v V and v contains latitude l a t and longitude l o n . The interactions between users and POIs can be defined as check-in matrix R m × n . If the user u has visited the POI v , the corresponding position of the check-in matrix is 1; otherwise, it is 0. Each element in the check-in matrix reflects the interaction between the user and the POI. In addition to the check-in matrix mentioned above, to alleviate the problem of data sparsity, we construct auxiliary attribute information of users and POIs from user check-in data to enrich the latent feature vectors of users and POIs. POI recommendation is used to recommend top-K POIs to a given user.

2.2. Overall Framework

Aiming at the problem of data sparsity and implicit feedback, this paper proposes a personalized recommendation method based on the classical NCF framework. The method framework is shown in Figure 1. The k-means and TF-IDF algorithm are used to mine the auxiliary attribute information of users and POIs from user check-in data. A convolutional neural network is used to learn latent representation from auxiliary attribute information, and an attention mechanism is introduced to distinguish the importance of auxiliary attribute information, thereby enriching the expression of the latent feature vectors of users and POIs. The NeuMF-CAA method integrates GMF and MLP to model the complete latent feature vectors of users and POIs. GMF makes use of linear kernels to model the interactions between users and POIs, and MLP employs nonlinear kernels to learn the interaction function. The data delivered by the above two parts are input into the sigmoid function in the form of vector concatenation, and finally, the prediction result is outputted.

2.3. Constructing Auxiliary Attribute Information

Data-sparsity is one of the main challenges for POI recommendations. A series of studies exploit different contextual information to alleviate this problem [24]. The main assumption of this type of work is that the combination of auxiliary information can better extract users’ behavior patterns [25]. The more information we have about the factors that influence users’ choices, the better we can model their behavior patterns and provide more appropriate recommendations. Therefore, this paper employs user check-in data to mine the auxiliary attribute information of users and POIs.

2.3.1. Constructing Auxiliary Attribute Information of POIs

The category of POI, popularity of POI, and region of POI constitute the auxiliary attribute information of POIs. The POI category is an inherent attribute of POI, and no further mining is required to construct it. The calculation of POI popularity and POI region are explained below.
The popularity of POIs refers to the popularity of POIs by users, which is evaluated by user check-in data. User check-in data include information about not only the inherent properties of the POI (e.g., longitude, latitude, and category), but also the number of check-ins at the POI. The number of check-ins at a POI is a satisfactory indicator to measure the popularity of POI, but it is not enough to directly use the number of POI check-ins to calculate the POI’s popularity. Research [26] has pointed out that the category information of POI plays an essential role in the POI recommendation because the category information of the POI can be used to characterize the POI’s features. Therefore, this paper calculated the popularity of the POI by introducing the TF-IDF algorithm. The algorithm considers not only the check-in frequency of a POI but also the popularity of the category to which the POI belongs [27]. Based on the user check-in data, POI popularity can be calculated by Formula (1):
p o p u l a r i t y ( v i ) = s i z e o f ( v i ) s i z e o f ( S v i ) × log n s i z e o f ( C v i )
where s i z e o f ( v i ) indicates the check-in times of POI v i , s i z e o f ( S v i ) represents the number of check-ins of all POIs in the same category as v i , and s i z e o f ( C v i ) represents the number of all POIs in the same category as v i .
Location information is the basic attribute of POIs, and it is also a key factor that POI recommendation algorithms must consider. In this paper, the k-means is used to cluster POIs according to the location information of POIs to obtain appropriate region blocks so that each POI is assigned a location label for its corresponding region. The method for processing POI clustering based on k-means algorithm is as follows:
  • Randomly select k POIs from the set of POIs as the initial cluster center;
  • Calculate the Euclidean distance ρ from the remaining POIs to the cluster center, and put the closest POIs into the corresponding class to form a new class. The calculation of ρ is shown in Formula (2):
    ρ = ( l a t i l a t j ) 2 + ( l o n i l o n j ) 2
  • Take the mean of all the latitudes and longitudes of POIs in the current cluster as the new center point and update the POIs closest to the cluster center;
  • Until the objective function converges or the cluster center remains unchanged, it will transfer to 2;
  • Output POI clustering results.

2.3.2. Constructing Auxiliary Attribute Information of Users

User preference category and user high-activity location (region) constitute the auxiliary attribute information of users. The user preference category refers to the category of POI that the user checks in most often. In the real world, the user’s high activity location may be the user’s residential region. Therefore, the POIs most frequently checked in by users are used to infer high activity location for users [28].

2.4. Learning Linear Interactions between Users and POIs

The traditional MF utilizes latent feature vectors to represent users and POIs, maps users and POIs to the same latent space, and estimates their interactions as the inner product of latent feature vectors. However, GMF estimates their interactions as the element-wise product of latent feature vectors. We now explain how to integrate the auxiliary attribute information into the GMF.
First, one-hot encoding on user ID and POI ID is performed. To apply the auxiliary attribute information of users and POIs in the model, the numerical variables are normalized and the categorical variables are one-hot encoded. The user latent feature vector U u , the POI latent feature vector V v , the user auxiliary attribute information U a , and the POI auxiliary attribute information V a are sent to the embedding layer. The calculation of the latent feature vectors of U u , V v , U a , and V a is shown in Formula (3):
H U u = f ( U u ) G V v = g ( V v ) H U a = h ( U a ) G V a = l ( V a )
where, f , g , h , and l denote representing functions.
Due to the widespread use of a convolutional neural network and its excellent performance, a convolutional neural network is used to learn the latent representation from the auxiliary attribute information of users and POIs. A convolutional neural network consists of a convolutional layer and a pooling layer, which can extract deeper features. Its execution mode is shown in Formula (4):
H U a ( 1 ) = p o o l i n g ( g ( w H U a + b ) ) G V a ( 1 ) = p o o l i n g ( g ( w G V a + b ) )
where is the convolution operator, w is the filter, b is the bias of w , g is the nonlinear activation function, and pooling is the pooling function (for example, maximum pooling or average pooling).
On this basis, an attention mechanism is introduced to distinguish the importance of auxiliary attribute information. The attention mechanism uses the s o f t max ( · ) function to compute the score as a probability distribution over the output of the auxiliary attribute information. Finally, the output is combined with H U a and G V a , and the final output of the attention mechanism is obtained by the element-wise product of ( ) . The implementation of attention mechanism is shown in Formula (5):
H U a ( 2 ) = s o f t max ( H U a ( 1 ) ) H U a G V a ( 2 ) = s o f t max ( G V a ( 1 ) ) G V a
Formula (6) is used to integrate the user feature vector H U u and the user auxiliary attribute information feature vector H U a ( 2 ) to obtain a complete user feature vector H U , and integrate the POI feature vector G V v and the POI auxiliary attribute information feature vector G V a ( 2 ) to obtain a complete POI feature vector G V .
H U = H U u H U a ( 2 ) G V = G V v G V a ( 2 )
After obtaining the complete latent feature vectors of users and POIs, the mapping function of the prediction vector is defined, as shown in Formula (7):
ϕ G M F ( H U , G V ) = H U G V
where, denotes the element-wise product of vectors. Then, the vector is projected to the output layer, as shown in Formula (8):
y ^ u i = a o u t ( h T ( H U G V ) )
where a o u t and h represent the activation function and edge weights of the output layer, respectively. If a o u t and h are vectors of 1, it will be a standard MF model. If a nonlinear function is used for a o u t , it generalizes MF to a nonlinear setting, which may be more expressive than a linear MF model. In this paper, the sigmoid function σ ( x ) = 1 ( 1 + e x ) is used as a o u t .

2.5. Learning Nonlinear Interactions between Users and POIs

The input and auxiliary attribute information of the MLP is processed in the same way as the MF. After obtaining the complete latent feature vectors of users and POIs, current methods usually implement an element-wise product or concatenation of the two latent feature vectors. To capture the interactions between users and POIs, we concatenate the complete latent feature vector of the users with the complete latent feature vector of the POIs. However, simple concatenation cannot explore latent feature interactions between users and POIs. Affected by implicit feedback, the interactions between users and POIs become increasingly complicated. In this context, it is crucial to extend the interaction function characterizing the users and POIs to a nonlinear space. The benefit of MLP is that it enables the extension of user and POI modeling to more complicated nonlinear spaces, leveraging its powerful learning capability. Therefore, it is ideal for learning the interactions between users and POIs. The MLP is defined as Formula (9):
Z 1 = ϕ 1 ( H U , G V ) = H U G V ϕ 2 M L P ( Z 1 ) = a 2 ( W 2 T Z 1 + b 2 ) ϕ L M L P ( Z L 1 ) = a L ( W L T Z L 1 + b L )
where W x , b x , and a x denote the weight matrix, bias vector, and activation function for the x-th layer’s perceptron, respectively.
At the output layer, the MLP and GMF are processed in the same way, as shown in Formula (10). Following NCF [11], we adopt a rectified linear unit (ReLU) function as the activation of the MLP layer function. The ReLU function is more biologically plausible and proven to be non-saturated [29]. Moreover, it supports sparse activation, being well-suited for sparse data and making the model less likely to be overfitting.
y ^ u i = σ ( h T ϕ L ( Z L 1 ) + c )

2.6. Neural Matrix Factorization Integrating Auxiliary Attribute Information

After obtaining the complete latent feature vector of users and POIs, GMF employs linear kernels to model the latent feature interactions between users and POIs, and MLP utilizes nonlinear kernels to learn the interactions function between users and POIs. To effectively integrate the GMF and MLP so that they can reinforce each other and learn complex user–POI interactions, let the GMF and MLP learn individual embedding, and combine the two parts by connecting the last hidden layer, as shown in Formula (11):
ϕ G M F = H U G V ϕ M L P = a L ( W L T ( a L 1 ( a 2 ( W 2 T H U G V + b 2 ) ) ) y ^ u i = σ ( h T ϕ G M F ϕ M L P )
where σ represents the sigmoid activation function. The model combines the linearity of GMF and the nonlinearity of DNN to simulate the latent user–POI structure.

3. Experimental Results and Analysis

3.1. Dataset

In this experiment, we use two real-world datasets, Foursquare check-in data [30] in New York and Weibo check-in data in Shanghai, to evaluate the performance of our method. The Foursquare dataset collected user check-in data from 3 April 2012 to 16 February 2013. The Foursquare dataset contains information such as user ID, POI ID, time, latitude and longitude, and POI category. The Weibo dataset collected user check-in data from 1 January 2019 to 10 November 2021. The Weibo dataset contains information such as user ID, POI ID, time, latitude, and longitude. Since there is no category information for POI in the Weibo dataset, Python is used to call the AutoNavi map API [31] to obtain it. To alleviate the impact of data sparsity, the users who visited fewer than five POIs and the POIs visited by users fewer than five times are removed from the Foursquare dataset and Weibo dataset. The basic statistics of the dataset are shown in Table 1.

3.2. Comparison Method

To evaluate the recommendation performance of the NeuMF-CAA method, it is compared with the following recommendation methods:
  • MF [32]: the method is a traditional recommendation model in recommender systems. It maps users and POIs into a latent low-dimensional space and computes the similarity between the two for recommendation results.
  • NeuMF [11]: the model is implemented based on the NCF framework. Two models are proposed under the NCF framework, namely generalized matrix factorization and multilayer perceptron. NeuMF is a fusion model of these two models.
  • CoupledCF [20]: this work builds on non-IID learning to propose a neural user–item coupling learning for collaborative filtering. CoupledCF jointly learns explicit and implicit couplings between users and items.
At the same time, ablation experiments were conducted to verify the influence of the GMF-CAA module, the MLP-CAA module, and the NeuMF-A module on the POI recommendation method proposed in this paper.
  • GMF-CAA: the nonlinear kernels are not considered to model the interactions between users and POIs.
  • MLP-CAA: the linear kernels are not considered to model the interactions between users and POIs.
  • NeuMF-A: user and POI auxiliary attribute information is not processed using the convolutional attention mechanism.

3.3. Experimental Settings

To evaluate the performance of POI recommendation, we adopted the leave-one-out evaluation, which has been broadly used in the literature [33,34]. For each user, we selected a user’s latest interaction as the test data and employed the remaining data for training. In addition, a random sample of 99 POIs that the user had not interacted with was used to form the user’s test set with the above selected test data [35]. The NeuMF-CAA method was used to rank the 100 POIs of each user, and then the recommendation algorithm performance was evaluated. Similarly to the literature [11], hit ratio (HR) and normalized discounted cumulative gain (NDCG) were used as evaluation metrics in this experiment. The larger the value of the metrics, the better the recommendation effect.
The NeuMF-CAA model was implemented in Python based on the Keras framework [36]. A binary cross-entropy loss function was chosen to learn the model parameters, and Adam was used as the optimizer. The parameters were initialized with a random normal distribution (mean and standard deviation were 0 and 0.01, respectively). We evaluated the effect of different number of clusters (10, 20, 30, 40, 50, 60, 70, 80, 90, 100). For the Foursquare dataset, when the number of clusters was 50, the recommendation effect was the best; for the Weibo dataset, when the number of clusters was 70, the recommendation effect was the best. We tested with batch sizes (64, 128, 256, 512), learning rates (0.0001, 0.0005, 0.001, 0.005), and number of negatives (1, 2, 3, 4). Since the last hidden layer of NeuMF-CAA determines the performance of the model, we call it the predictive factor. We evaluated the predictive factors (8, 16, 32, 64). For the Foursquare dataset and the Weibo dataset, when the batch size was 256, the learning rate was 0.001, the number of negatives was 4, and the predictive factor was 32, giving the best recommendation effect.

3.4. Analysis of Experimental Results

3.4.1. Cluster Analysis

The NeuMF-CAA method needs to first determine k in the POI clustering based on the k-means algorithm. We refer to the k calculated by the Elbow Algorithm [37]. As shown in Figure 2, the Foursquare dataset had better clustering performance when k was approximately 40–60; however, the Weibo dataset had better clustering performance when k was approximately 40–70. This “elbow” cannot always be unambiguously identified, making this method very subjective and unreliable. Therefore, we referred to the relevant literature [12] for the selection of k and performed a series of experiments. Figure 3 shows the changes in HR and NDCG of NeuMF-CAA with k when the POI recommendation list is 10. As shown in Figure 3, for the Foursquare dataset, the best recommendation performance was achieved when k = 50 ; for the Weibo dataset, the best recommendation performance was achieved when k = 70 . The k values selected by the experiment are within the range of k determined by the Elbow Algorithm. Consequently, k = 50 and k = 70 are fixed in Foursquare dataset and Weibo dataset, respectively.

3.4.2. Predictive Factors Analysis

The predictive factors consist of two parts, the latent feature vectors of users and POIs, and the corresponding auxiliary attribute information feature representation. We distinguish the importance of auxiliary attribute information, so in this part, we mainly focus on the predictive factors of the latent feature vectors of users and POIs. As shown in Figure 4a, for the Foursquare dataset, when the predictive factors are 32, NeuMF-CAA achieves the best performance on the metrics. As shown in Figure 4b, for the Weibo dataset, when the predictive factors are 32, NeuMF-CAA achieves the best performance on the metrics. The predictive factors of the latent feature vectors of users and POIs have a certain impact on the performance of the model. The recommendation effect produced by choosing different parameter models is also different.

3.4.3. Algorithm Comparison and Analysis

Figure 5 illustrates the comparison experiment based on the Foursquare dataset. Compared with several comparison methods, the method proposed in this paper has improved on evaluation metrics. Figure 5a shows that when K = 10, the HR of the NeuMF-CAA model is 0.8486, which is about 5.93% higher than that of the better-performing NCF. Figure 5b shows that when K = 10, the NDCG of the NeuMF-CAA model is 0.7423, and the NDCG of the NeuMF-CAA model is improved by approximately 3.25~8.49% compared with other baseline methods. When K = 8, the NDCG of the NeuMF-CAA model is improved by about 11.43% compared with the traditional MF.
Figure 6 shows the results of the comparison experiment based on the Weibo dataset. The performance of the POI recommendation method proposed in this paper was shown to be significantly superior than other comparison algorithms on the evaluation metrics. Figure 6a shows that when K = 10, the HR of the NeuMF-CAA model is 0.8853, which is about 3.53% higher than that of the better-performing NCF. Compared with traditional MF and CoupledCF, it is improved by 7.31% and 6.34%, respectively. Figure 6b shows that when K = 10, the NDCG of the NeuMF-CAA model is 0.7884, and the NDCG of the NeuMF-CAA model is improved by approximately 3.74~16.8% compared with other baseline methods.
Traditional MF only utilizes linear kernels to learn the interaction function. Therefore, the experimental results are not as good as NeuMF-CAA. This reflects the positive effect of using a neural network model to learn the interaction function of users and POI with respect to recommendation performance. NCF only considers the respective intrinsic features of users and POIs, while NeuMF-CAA constructs the auxiliary attribute information of users and POIs using TF-IDF and k-means to obtain more accurate vector representation of users and POIs. CoupledCF handles auxiliary attribute information equivalently, while NeuMF-CAA introduces an attention mechanism to distinguish the importance of auxiliary attribute information, which can more accurately capture users’ preferences.
NeuMF-CAA had excellent performance on the Foursquare public dataset and the crawled Weibo dataset, showing that the method proposed in this paper has good generalization. Due to the large number of Weibo datasets and the diversity of POIs checked in by users being slightly more singular than that of the Foursquare dataset, the performance of NeuMF-CAA on Weibo datasets was generally better than that of Foursquare datasets.

3.4.4. The Influence of Various Factors in the NeuMF-CAA Method on the Experimental Results

To better reflect the impact of GMF-CAA, MLP-CAA, and NeuMF-A on model performance, we conducted a set of ablation experiments. Figure 7 and Figure 8 show that using the convolutional attention mechanism to process the auxiliary attribute information can improve the performance of the recommender system. For the Foursquare dataset, when K = 2, 4, 6, 8, and 10, compared with NeuMF-A, the HR of NeuMF-CAA with the convolutional attention mechanism was improved by approximately 4.15~16.79% and the NDCG is improved by approximately 5.69~24.10%. For the Weibo dataset, HR was improved by approximately 1.28~15.34% and NDCG was improved by approximately 6.72~18.35%. Compared with GMF-CAA and MLP-CAA, NeuMF-CAA, which integrates linear GMF and nonlinear MLP models, has a higher expressive ability in both the Foursquare dataset and the Weibo dataset. This result further demonstrates the superiority of combining linear and nonlinear kernels to model user preferences.

4. Discussion and Conclusions

This paper employs the k-means and TF-IDF algorithms to mine the auxiliary attribute information of users and POIs from user check-in data. A convolutional neural network is used to learn latent representation from the auxiliary attribute information of users and POIs, and an attention mechanism is introduced to distinguish the importance of the constructed auxiliary attribute information of users and POIs. Finally, the auxiliary attribute information expressions of users and POIs are integrated into their respective latent feature vectors, and the complete feature vectors of users and POIs are obtained. A neural matrix factorization model is built. The linear interactions of users’ and POIs’ feature vectors is captured by GMF, and the nonlinear interactions of user and POI feature vectors is captured by MLP. Finally, the two parts are fused by concatenating the last hidden layer. Experiments were carried out on the Foursquare dataset and the Weibo dataset, and the results show that (1) the performance of NeuMF-CAA is better than that of the current commonly used recommendation algorithms; (2) further processing of auxiliary attribute information using convolutional attention mechanism can enhance the accuracy of POI recommendation to some extent; (3) by incorporating auxiliary attribute information into the neural matrix factorization model and learning the linear and nonlinear interactions between users and POIs, the accuracy of the recommendation algorithm can be more effectively improved.
POI recommendation is a typical application of location-based services and has great research value. The POI recommendation method proposed in this paper has a certain flexibility and generality to incorporate other linear and nonlinear models. Moreover, it can flexibly and effectively learn the low-order linear interactions and the high-order nonlinear interactions between users and POIs. In future work, we will attempt to add factors such as time and social relations into the NeuMF-CAA model to study the influence patterns of factors such as spatio-temporal relations and social relations.

Author Contributions

Writing—original draft preparation, X.L.; methodology, X.L.; formal analysis, S.X. and T.J.; data curation, Y.W.; writing—review and editing, Y.M. and Y.L. 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 under grant No. 42071384.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Lu, J.; Wu, D.; Mao, M.; Wang, W.; Zhang, G. Recommender system application developments: A survey. Decis. Support Syst. 2015, 74, 12–32. [Google Scholar] [CrossRef]
  2. Zhang, G.; Wang, J.; Jiang, N.; Sheng, Y. A point of interest recommendation method based on hawkes process. Acta Geod. Cartogr. Sin. 2018, 47, 9. [Google Scholar]
  3. Xu, C.; Liu, D.; Mei, X. Exploring an efficient POI recommendation model based on user characteristics and spatial-temporal factors. Mathematics 2021, 9, 2673. [Google Scholar] [CrossRef]
  4. Liu, Y. An experimental evaluation of point-of-interest recommendation in location-based social networks. Proc. Vldb Endow. 2017, 10, 1010–1021. [Google Scholar] [CrossRef]
  5. Zhang, J.-D.; Chow, C.-Y. iGSLR: Personalized geo-social location recommendation: A kernel density estimation approach. In Proceedings of the 21st ACM SIGSPATIAL International Conference on Advances in Geographic Information Systems, Orlando, FL, USA, 5–8 November 2013. [Google Scholar]
  6. Yue, S.; Larson, M.; Hanjalic, A. Collaborative filtering beyond the User-Item matrix: A survey of the state of the art and future challenges. ACM Comput. Surv. 2014, 47, 1–45. [Google Scholar]
  7. Chen, C.; Yang, H.; King, I.; Lyu, M. Fused matrix factorization with geographical and social influence in location-based social networks. In Proceedings of the National Conference on Artificial Intelligence, Toronto, ON, Canada, 22–26 July 2012. [Google Scholar]
  8. He, Y.; Wang, Z.; Zhou, X.; Liu, Y. Point of interest recommendation algorithm integrating social geographical information based on weighted matrix factorization. J. Jilin Univ. 2022, 1–10. [Google Scholar] [CrossRef]
  9. Lian, D.; Zhao, C.; Xie, X.; Sun, G.; Chen, E.; Rui, Y. GeoMF: Joint geographical modeling and matrix factorization for point-of-interest recommendation. In Proceedings of the 20th ACM SIGKDD international conference on Knowledge discovery and data mining, New York, NY, USA, 24–27 August 2014; pp. 831–840. [Google Scholar]
  10. Li, T. Research on Recommendation Model Based on Deep Learning. Master’s Thesis, Southwest University, Chongqing, China, 2019. [Google Scholar]
  11. He, X.; Liao, L.; Zhang, H.; Nie, L.; Hu, X.; Chua, T.-S. Neural collaborative filtering. In Proceedings of the 26th International Conference on World Wide Web, Perth, Australia, 3–7 April 2017. [Google Scholar]
  12. Meng, X.; Qi, X.; Zhang, G.; Zhang, X.; Wang, L. A POI recommendation approach based on user-POI coupling relationships. CAAI Trans. Intell. Syst. 2021, 16, 228–236. [Google Scholar]
  13. Feng, H.; Huang, K.; Li, J.; Gao, R.; Liu, D.; Song, C. Hybrid point of interest recommendation algorithm based on deep learning. J. Electron. Inf. Technol. 2019, 4, 880–887. [Google Scholar]
  14. Guo, H.; Tang, R.; Ye, Y.; Li, Z.; He, X. DeepFM: A factorization-machine based neural network for CTR prediction. In Proceedings of the Twenty-Sixth International Joint Conference on Artificial Intelligence, Melbourne, VIC, Australia, 19–25 August 2017. [Google Scholar]
  15. Deng, Z.; Huang, L.; Wang, C.; Lai, J.; Yu, P. DeepCF: A unified framework of representation learning and matching function learning in recommender system. In Proceedings of the 33rd AAAI, Honolulu, HI, USA, 27 January–1 February 2019; pp. 61–68. [Google Scholar]
  16. Ning, J.; Xuequn, W.U.; Liu, Z. Multi-user location recommendation considering road accessibility and Time-Cost. Geomatics Inf. Sci. Wuhan Univ. 2019, 44, 633–639. [Google Scholar]
  17. Zhu, J.; Ming, Q. POI recommendation by incorporating trust-distrust relationship in LBSN. J. Commun. 2018, 39, 157–165. [Google Scholar]
  18. Baral, R.; Li, T. Exploiting the roles of aspects in personalized POI recommender systems. Data Min. Knowl. Discov. 2018, 32, 320–343. [Google Scholar] [CrossRef]
  19. Wang, Y.; Li, H.; Wang, T.; Zhu, J. The mining and analysis of emergency information in sudden events based on social media. Geomat. Inf. Sci. Wuhan Univ. 2016. [Google Scholar] [CrossRef]
  20. Zhang, Q.; Cao, L.; Zhu, C.; Li, Z.; Sun, J. CoupledCF: Learning explicit and implicit User-item couplings in recommendation for deep collaborative filtering. In Proceedings of the Twenty-Seventh International Joint Conference on Artificial Intelligence {IJCAI-18}, Stockholm, Sweden, 13–19 July 2018. [Google Scholar]
  21. Wei, H.; Li, K.; Hao, X.; Tian, Z. Integrating spatial relationship into a matrix factorization model for POI recommendation. Geomat. Inf. Sci. Wuhan Univ. 2021, 46, 681–690. [Google Scholar]
  22. Chen, J.; Shen, J.; Chen, P. Point of interest recommendation integrating review and image semantic information. Comput. Eng. Appl. 2020, 56, 160–167. [Google Scholar]
  23. Wang, X. POI recommendation model based on graph embedding and GRU. Comput. Syst. Appl. 2021, 30, 40–47. [Google Scholar]
  24. Aliannejadi, M.; Rafailidis, D.; Crestani, F. A collaborative ranking model with multiple location-based similarities for venue suggestion. In Proceedings of the 2018 ACM SIGIR International Conference on Theory of Information Retrieval, Tianjin, China, 14–17 September 2018; pp. 19–26. [Google Scholar]
  25. Geng, B.; Jiao, L.; Gong, M.; Li, L.; Wu, Y. A two-step personalized location recommendation based on multi-objective immune algorithm. Inf. Sci. 2018, 475, 161–181. [Google Scholar] [CrossRef]
  26. Gao, Z. Research on Interest Point Recommendation Method Based on Category Information. Ph.D. Thesis, Beijing University of Technology, Beijing, China, 2015. [Google Scholar]
  27. Chen, X.; Chen, C.; Liu, K. Scenic travel route planning based on multi-sourced and heterogeneous crowd-sourced data. J. Zhejiang Univ. 2016, 50, 1183–1188. [Google Scholar]
  28. Rahmani, H.A.; Aliannejadi, M.; Ahmadian, S.; Baratchi, M.; Afsharchi, M.; Crestani, F. LGLMF: Local geographical based logistic matrix factorization model for POI recommendation. In Proceedings of the Asia Information Retrieval Symposium, Hong Kong, China, 7–9 November 2019. [Google Scholar]
  29. Glorot, X.; Bordes, A.; Bengio, Y. Deep sparse rectifier neural networks. In Proceedings of the Fourteenth International Conference on Artificial Intelligence and Statistics, Fort Lauderdale, FL, USA, 11–13 April 2011; pp. 315–323. [Google Scholar]
  30. Liu, J.; Zhang, Z.; Yang, C.; Xu, S.; Chen, C.; Qiu, A.; Zhang, F. Personalized city region of interests recommendation method based on city block and check-in data. Acta Geod. Cartogr. Sin. 2022, 51, 1797–1806. [Google Scholar]
  31. AutoNavi Map API. Available online: https://lbs.amap.com/ (accessed on 1 May 2022).
  32. Koren, Y.; Bell, R.; Volinsky, C.J.C. Matrix factorization techniques for recommender systems. Comput. J. 2009, 42, 30–37. [Google Scholar] [CrossRef]
  33. Bayer, I.; He, X.; Kanagal, B.; Rendle, S. A generic coordinate descent framework for learning from implicit feedback. In Proceedings of the 26th International Conference on World Wide Web, Perth, Australia, 3–7 April 2017; pp. 1341–1350. [Google Scholar]
  34. He, X.; Zhang, H.; Kan, M.-Y.; Chua, T.-S. Fast matrix factorization for online recommendation with implicit feedback. In Proceedings of the 39th International ACM SIGIR Conference on Research and Development in Information Retrieval, Pisa, Italy, 17–21 July 2016; pp. 549–558. [Google Scholar]
  35. Elkahky, A.M.; Song, Y.; He, X. A multi-view deep learning approach for cross domain user modeling in recommendation systems. In Proceedings of the 24th International Conference on World Wide Web, Florence, Italy, 18–22 May 2015; pp. 278–288. [Google Scholar]
  36. Keras. Available online: https://baike.baidu.com/item/Keras/22792516?fr=aladdin (accessed on 1 May 2022).
  37. Elbow Method. Available online: https://en.wikipedia.org/wiki/Elbow_method_(clustering) (accessed on 1 May 2022).
Figure 1. POI recommendation method fusing auxiliary attribute information based on the neural matrix factorization integrating the convolutional neural network and attention mechanism.
Figure 1. POI recommendation method fusing auxiliary attribute information based on the neural matrix factorization integrating the convolutional neural network and attention mechanism.
Mathematics 10 03411 g001
Figure 2. Elbow Algorithm. (a) Foursquare dataset; (b) Weibo dataset.
Figure 2. Elbow Algorithm. (a) Foursquare dataset; (b) Weibo dataset.
Mathematics 10 03411 g002
Figure 3. The effect of the number of clusters on experimental performance. (a) Foursquare dataset; (b) Weibo dataset.
Figure 3. The effect of the number of clusters on experimental performance. (a) Foursquare dataset; (b) Weibo dataset.
Mathematics 10 03411 g003
Figure 4. Influence of predictive factors on experimental performance. (a) Foursquare dataset; (b) Weibo dataset.
Figure 4. Influence of predictive factors on experimental performance. (a) Foursquare dataset; (b) Weibo dataset.
Mathematics 10 03411 g004
Figure 5. Comparative experiments based on the Foursquare dataset. (a) HR; (b) NDCG.
Figure 5. Comparative experiments based on the Foursquare dataset. (a) HR; (b) NDCG.
Mathematics 10 03411 g005
Figure 6. Comparative experiment based on Weibo dataset. (a) HR; (b) NDCG.
Figure 6. Comparative experiment based on Weibo dataset. (a) HR; (b) NDCG.
Mathematics 10 03411 g006
Figure 7. Comparison results of ablation experiments based on the Foursquare dataset. (a) HR; (b) NDCG.
Figure 7. Comparison results of ablation experiments based on the Foursquare dataset. (a) HR; (b) NDCG.
Mathematics 10 03411 g007
Figure 8. Comparison results of ablation experiments based on the Weibo dataset. (a) HR; (b) NDCG.
Figure 8. Comparison results of ablation experiments based on the Weibo dataset. (a) HR; (b) NDCG.
Mathematics 10 03411 g008
Table 1. Dataset Statistics.
Table 1. Dataset Statistics.
Statistical AccountsFoursquareWeibo
Number of users108311,436
Number of POIs10,25017,565
Number of check-ins172,838731,044
Category of POI251130
Average number of POI check-ins by users15964
Sparsity/%98.4499.64
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Li, X.; Xu, S.; Jiang, T.; Wang, Y.; Ma, Y.; Liu, Y. POI Recommendation Method of Neural Matrix Factorization Integrating Auxiliary Attribute Information. Mathematics 2022, 10, 3411. https://doi.org/10.3390/math10193411

AMA Style

Li X, Xu S, Jiang T, Wang Y, Ma Y, Liu Y. POI Recommendation Method of Neural Matrix Factorization Integrating Auxiliary Attribute Information. Mathematics. 2022; 10(19):3411. https://doi.org/10.3390/math10193411

Chicago/Turabian Style

Li, Xiaoyan, Shenghua Xu, Tao Jiang, Yong Wang, Yu Ma, and Yiming Liu. 2022. "POI Recommendation Method of Neural Matrix Factorization Integrating Auxiliary Attribute Information" Mathematics 10, no. 19: 3411. https://doi.org/10.3390/math10193411

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