Next Article in Journal
SAR and Optical Image Registration Based on Uniform Feature Points Extraction and Consistency Gradient Calculation
Previous Article in Journal
Cyclic Behaviors of Geopolymeric Recycled Brick Aggregate Concrete-Filled Steel Tubular Column
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Event-Based Probabilistic Embedding for POI Recommendation

1
School of Computer Science and Engineering, Northeastern University, Shenyang 110167, China
2
Institute for Infocomm Research (I2R), Agency for Science, Technology and Research, Singapore 138632, Singapore
*
Author to whom correspondence should be addressed.
Appl. Sci. 2023, 13(3), 1236; https://doi.org/10.3390/app13031236
Submission received: 17 December 2022 / Revised: 10 January 2023 / Accepted: 13 January 2023 / Published: 17 January 2023

Abstract

:
Location-based social networks (LBSNs) have collected massive geo-tagged information, enabling the derivation of user preference for point of interests (POIs) in support of personalized recommendation. The existing embedding techniques deal with multiple factors by embedding a separate model for each factor. As a result, the interaction amongst various factors cannot be captured properly. In addition, we notice that the effectiveness of personalized recommendation is closely related to the current time and location. It is obvious that users would check into a POI which fits their interests, even if the current location is far away from the POI or the time is inappropriate. Therefore, it is necessary to recommend the right POI according to the time and geographic location of the user. In other words, it is necessary to predict the most likely visiting event, including users, POI, event time, and event location. In this paper, we propose a probabilistic embedding model called Topic And Region Embedding (TARE), which embeds events by simulating the users’ decision-making process. The results of TARE not only take various factors and their interaction into consideration but also consider the time and geographic location of events. Extensive experiments on three location-based social network datasets show that TARE achieves better performance in recommendation accuracy than existing state-of-the-art methods.

1. Introduction

The development of location-based social networks (LBSNs) enables the easy acquisition of massive geo-tagged information which can be used in the derivation of user preference for point-of-interests (POIs) to provide personalized recommendations. POI recommendation [1] aims to model user behavior in support of future prediction regarding which POIs to visit. The behavior can be regarded as a synthesized activity influenced by various factors including geographical effect, temporal effect, user preference, POI categories, and so on. For example, for a person who usually goes to a punk-style bar near his home at night, his behavior may be subject to time (the user likes night activities), user preferences (the user likes to drink), geographic location (the user likes to visit places near home), and POI category (the user likes punk-style POIs).
To tackle the POI recommendation problem, traditional Matrix Factorization (MF)-based recommendation algorithms [2,3,4,5,6,7] decompose the check-in matrix into the user–topic matrix and the topic–POI matrix. Then, the user–topic matrix multiplies the topic–POI matrix to fill the missing values in the check-in matrix. Accordingly, a user’s behavior is predicted by using the filled-in value in the check-in matrix. However, the users’ behavior in the real world is complicated. The linear models based on MF take various influential factors into consideration, but the nature of a linear model limits its performance in predicting the user’s behavior pattern where the various factors can interact with each other.
To address this issue, a growing number of researchers have integrated deep learning techniques into recommendation systems, e.g., PACE [8], POI2Vec [9], Geo-teaser [10] and so on [11,12,13,14]. The major ideas behind these systems include two steps. The first step is to obtain user and POI embeddings. The second step takes the POI and user embedding into a non-linear model [8] or a linear model [15] for further joint training. There are two main types of embedding algorithms. The first one is a variant of the word2vec algorithm [9,10]. It generates the POI sequence according to the check-in time, and then, it uses the POI sequence to embed the POI. The other one is a variant of the node2vec algorithm [8,16,17]. It constructs a graph of users and POIs, such as the user’s social network graph, the geographical graph of the POI, and so on, in order to use the graphs to perform POI embedding.
Nevertheless, these existing embedding methods have certain deficiencies. Firstly, the existing embedding methods consider multiple factors by embedding a separate model for each factor without exploring the intrinsic relationship between different factors. Notice that the intrinsic relationship between different factors has a great impact on the user’s behavior. For example, users may like to visit a POI near their home at night while preferring to visit a POI near their work location during the day (time affects the user’s geographic preferences). Second, we notice that the effectiveness of personalized recommendation is closely related to the current time and location. The certain time and user history check-in records can be used to infer the user preferences at event time. Event locations can filter out POIs that are too far away and thus improve the accuracy of user behavior predictions. So, the embedding methods should take into account the time and geographic location for better recommendation performance.
To address the above issues in existing methods, we propose a novel embedding method called Topic And Region Embedding (TARE), which takes into account a variety of factors including geographical effect, temporal effect, user preference and POI categories. Unlike the existing embedding method, the TARE embedded object is not a user or a POI but an event that includes user, POI, event time and event location. The results obtained by TARE not only take into account user preferences and POI information but also event time and event locations.
To explore the intrinsic link between multiple factors, we use the probability generation model to embed events. The basic idea is to “mimic” user behaviors in a process of decision making. So, we use a hidden variable topic to explore the joint impact of POI category and time factors on the user behavior and use a hidden variable region to explore the joint impact of geographic location and time factors on user behavior. As region and topic are interdependent, TARE combines the time factor, geographic factor, POI category, and user preference into a unified model.
The main contributions of this work are summarized as follows:
  • We propose a novel embedding method called TARE which takes into account a variety of factors including geographical effect, temporal effect, user preference and POI categories. In addition, TARE is also able to explore the intrinsic link between time and geographic factors and the intrinsic link between time factors and POI categories to improve the accuracy of recommendations.
  • The objects embedded in TARE are events. Compared with the existing embedding methods, TARE not only considers user preference and POI information but also time and location of the event. To the best of our knowledge, this is the first attempt to explore event-based embedding in POI recommendation.
  • We conduct extensive experiments on three real-world datasets to evaluate the performance enhancement in recommendation accuracy of TARE, and our approach achieves up to 12.39% performance gains in recommendation accuracy compared to existing state-of-the-art methods.

2. Topic And Region Embedding

In this section, we first formulate the problem and then present our proposed embedding method TARE (Topic And Region Embedding).

2.1. Preliminary

Definition 1
(POI). A POI is a uniquely identified site (e.g., a bar, gym or restaurant). In our model, a POI has three attributes: identifier, location and category. We use v to represent a POI identifier and l v to denote its corresponding geographical attribute in terms of longitude and latitude coordinates. We use the notation W v to denote the set of its category.
Definition 2
(Check-in Activity). A user check-in activity is represented by a five-tuple ( u , v , l v , W v , t ) denoting user u visits POI v at time t.
Definition 3
(Event). An event is represented by a four-tuple ( u , v , t q , l q ) denoting user u to visit POI v at time t q at location l q .
Definition 4
(User Profile). For each user u, we create a user profile D u , which consists of a set of check-in activities associated with u. The dataset D used in our model consists of user profiles, i.e., D = { D u : u U } .
Problem 1
(Event-based Embedding). Given a check-in activity dataset D and an event e = ( u , v , t q , l q ) , our goal is to embed e according to the u’s profile, l q , t q , the category W v and location l v of POI v.

2.2. Model Description

The POI recommendation is mainly used to predict user behavior. In order to handle POI recommendations better, we analyze which factors influence user behavior and how these factors affect user behavior. Figure 1 shows the decision-making process of users. An intuitive factor that affects user behavior is time. Furthermore, the time affects the activity type of a user which progressively affects the user’s geographic preferences and POI category preferences. For example, users are inclined to decide which place to eat between 12:00 p.m. and 1:00 p.m. Meanwhile, geographic information and POI category are also affecting the decision. Users may choose an appropriate POI geographic location and POI category according to personal preference and current location. Finally, users select a POI to visit based on activity type, POI location and POI category.
According to the above process, this paper proposes a new embedding method called Topic And Region Embedding (TARE), which embeds events according to user preferences, event time, event location and POI by simulating the user decision process. TARE divides the factors that influence user behavior into four categories: geographic information, time factor, POI category, and personal preference. User behavior has a similar periodic pattern, and this is manifested in the fact that users always visit similar POIs at specific times [18]. In other words, time factors affect user behavior all the time. To this end, TARE uses two hidden variables (r, z) to discover the relationship between time, POI category and geographic information. Table 1 lists the notations of our model. Table 2 lists the abbreviation and full name of different concepts in this paper. Figure 2 shows the graphical representation of TARE. TARE consists of two parts: embedding of events and prediction of event occurrence, which will be described below.

2.3. Embedding of Events

Users’ time preferences and category preferences often interact with each other. For example, people who like midnight activities often like to go to the bar. To this end, we explore the interaction between time preferences and category preferences through the hidden variable topic z. Technically, each topic z in our model is not only associated with a multinomial distribution θ w | z over categories of POIs but also related with a multinomial distribution over a POI’s identifier θ v | r , z and a check-in time θ t | r , z . Users liking a topic z indicates that the time preference and category preference corresponding to topic z are in line with the users’ preference. So, we use a user’s distribution θ z | u of interest on a set of topics to simulate a user’s interest in topic z.
In addition, we use the hidden variable region r to explore the interaction between time preference and geographical preference. Unlike Wang et al. [19], we use two hidden variables (topic z and region r) instead of just one hidden variable, because using two hidden variables has the following advantages. Firstly, the use of two hidden variables can better explain the meaning of the model. The two hidden variables, respectively, represent the geographical regions and semantic topics. Second, using two hidden variables can make the model perform better with the same number of free variables. Similar to topic z, each region r is associated with a multinomial distribution over the POI’s identifier θ v | r , z , a check-in time θ t | r , z and a Gaussian distribution N ( μ r , Σ r ) . Then, we use N distributions θ r | u to represent each user’s preference for r. Finally, we model the user decision process as shown in Algorithm 1, and the time complexity of Algorithm 1 is O ( | D u | | W v | ) .
Algorithm 1 Modeling user decision process.
1:
for each D u in D do
2:
for the each check-in record (u, v, l v , W v , t) in D u  do
3:
  Draw a topic index z ∼ Multi ( θ z | u )
4:
  Draw a region index r ∼ Multi ( θ r | u )
5:
  Draw a POI v ∼ Multi ( θ v | r , z )
6:
  Draw a time t ∼ Multi ( θ t | r , z )
7:
  for each word w W v  do
8:
   Draw w ∼ Multi ( θ w | z )
9:
  end for
10:
  Draw a location l v N ( μ r , Σ r )
11:
end for
12:
end for
To incorporate the check-in time information to the topic discovery process, we employ the widely adopted discretization method by [20] to split a day into hourly-based slots. The joint probability is characterized by P ( u , v , l v , W v , t , z , r ) as follows.
P ( u , v , l v , W v , t q , z , r ) = θ z | u ( z ) θ r | u ( r ) θ t | r , z ( t q ) θ v | r , z ( v ) p ( l v | μ r , Σ r ) w i W v θ w | z w i
where θ z | u i is the probability that user u generates topic i, θ r | u i is the probability that user u generates region i, θ t | r , z i is the probability that region r and topic z jointly generate time i, θ v | r , z i is the probability that region r and topic z jointly generate POI i and θ w | z w i is the probability that topic z generates word w i .
The probability that POI v appears in region r is characterized by P ( l v | μ r , Σ ) as follows.
p ( l v | μ r , Σ r ) = 1 2 π Σ r e x p ( ( l v μ r ) T Σ r 1 ( l v μ r ) 2 )
where μ r and Σ r denote the mean vector and covariance matrix, respectively.
The event-embedding result is characterized by E u , v , t q , l q as follows.
E u , v , t q , l q = [ E r ( 1 ) , E r ( 2 ) , , E r ( R ) , E z ( 1 ) , E z ( 2 ) , , E z ( Z ) ] = R e L U ( [ P r ( 1 ) , P r ( 2 ) , , P r ( R ) , P z ( 1 ) , P z ( 2 ) , , P z ( Z ) ] )
where R e L U ( x ) = m a x ( 0 , x ) .
Given event e = [ u , v , l q , t q ] , P r ( i ) and P z ( i ) are defined as:
P r ( i ) = θ t q | r ( i ) · θ v | r ( i ) θ r | u ( i ) p ( l v | μ r , Σ r ) p ( l q | μ r , Σ r ) P z ( i ) = θ t q | z ( i ) · θ v | z ( i ) θ z | u ( i ) w i W v θ w | z w i
where · represents the dot product of two vectors, θ z | u i is the probability that user u generates topic i, θ r | u i is the probability that user u generates region i and θ w | z w i is the probability that topic z generates word w i .
In addition, θ t q | r ( i ) , θ v | r ( i ) , θ t q | z ( i ) and θ v | z ( i ) are defined as follows.
θ t | r ( i ) = [ θ t | i , z = 1 ( t ) , θ t | i , z = 2 ( t ) , , θ t | i , z = Z ( t ) ] θ v | r ( i ) = [ θ v | i , z = 1 ( v ) , θ v | i , z = 2 ( v ) , , θ v | i , z = Z ( v ) ] θ t | z ( i ) = [ θ t | r = 1 , i ( t ) , θ t | r = 2 , i ( t ) , , θ t | r = R , i ( t ) ] θ v | z ( i ) = [ θ v | r = 1 , i ( v ) , θ v | r = 2 , i ( v ) , , θ v | r = R , i ( v ) ]
where θ t | r , z i is the probability that region r and topic z jointly generate time i and θ v | r , z i is the probability that region r and topic z jointly generate POI i.

2.4. Prediction of Event Occurrence

We feed the embedded results to the deep neural network. At the time t q , the prediction of user u’s preference for POI v at location l q is as follows.
y ^ u , v , t q , l q = H ( E u , v , t q , l q | θ n e u r a l )
where E u , v , t q , l q is the embedding result of the event, θ n e u r a l denotes the parameters in the hidden layers and y ^ u , v , t q , l q is user u’s preference for POI v at location l q and time t q .
Given the input feature vector x, the q-th hidden layer is denoted as h q , which is a non-linear function of the previous hidden layer h q 1 defined as:
h q ( x ) = R e L u ( W q h q 1 ( x ) + b q )
where W q and b q are parameters of the q-th layer. We adopt the rectified linear unit R e L U ( x ) = m a x ( 0 , x ) as the non-linear function.
By combining Equation (7), the hidden layers can be defined as follows.
x p r e = H ( E u , v , t q , l q ) = h Q ( h 1 ( h 0 ( E u , v , t q , l q ) ) )
Due to the one-class nature of implicit feedback in POI recommendation, we first connect a binary softmax layer on the top of H, which is basically a logistic regression with sigmoid function, so we have:
y ^ u , v , t q , l q = H ( E u , v , t q , l q | θ n e u r a l ) = σ ( H ( E u , v , t q , l q ) T w y )
where the sigmoid function is defined as σ ( x ) = 1 / ( 1 + e x ) .

3. Model Inference and Learning

Our goal with model inference is to learn the parameters that maximize the likelihood of observed random variables and minimize the loss function of neural network. TARE’s optimization goal can be expressed as follows.
J = J P G M + J n e u r a l
where J P G M is the optimization target of event embedding and J n e u r a l is the loss function of the neural network.
The J P G M is defined as follows.
J P G M = P ( z , r , w , t , v | u , θ e m b e d d i n g ) = P ( z | u , θ z ) P ( r | u , θ r ) P ( t | r , z , θ t ) P ( v | r , z , θ v ) P ( w | z , θ w ) P ( l | μ , Σ ) = u = 1 N i = 1 | D u | w W v u , i θ w | z u , i ( w ) θ z | u ( z u , i ) θ r | u ( r u , i ) θ t | r u , i , z u , i ( t u , i ) θ v | r u , i , z u , i ( v u , i ) p ( l v u , i | μ r u , i , Σ r u , i )
The loss function J n e u r a l of the neural network is defined as follows.
J n e u r a l = u = 1 N i = 1 | D u | y u , v u , i , t u , i , l q H ( E u , v u , i , t u , i , l q ) + λ W F 2
where D u represents the set of u ’s check-in activities, and | D u | represents the number of u ’s check-in activities. We use L2 regularization to prevent overfitting.
However, it is difficult to minimize J . Therefore, we apply the Gibbs EM algorithm [21], which is a mixture between EM and a Monte Carlo sampler, to minimize J . In the E-step, we sample regions and topics by using Gibbs sampling. In the M-step, we optimize the model parameters θ n e u r a l and θ P G M by fixing all topic and region assignments. The two steps are conducted repeatly until convergence.
More specifically, we draw region r and topic z for each check-in activity in the E-step. We use Gibbs sampling to sample region r and topic z according to Equations (13) and (14). When we sample region r, we assume all other variables are fixed. r u , i represents the region assignments for all user activities except the i th activity of user u, and the sampling topic z is similar to the sampling region r.
P ( z u , i | z ¬ u , i , u , v , w , l , t ) r = 1 R θ z | u ( z u , i ) θ r | u ( r ) θ t | r , z u , i ( t u , i ) θ v | r , z u , i ( v u , i ) p ( l v u , i | μ r , Σ r ) w i W v θ w | z u , i w i
P ( r u , i | r ¬ u , i , u , v , w , l , t ) z = 1 Z θ z | u ( z ) θ r | u ( r u , i ) θ t | r u , i , z ( t u , i ) θ v | r u , i , z ( v u , i ) p ( l v u , i | μ r u , i , Σ r u , i ) w i W v θ w | z w i
In the M-step, we optimize the parameters θ n e u r a l and θ P G M to minimize J with all topic and region assignments fixed. We use Stochastic Gradient Descent (SGD) to update the parameters θ n e u r a l and θ P G M for minimizing J n e u r a l .
There are no negative samples in the training data because this is one-class problem. So, we generate negative samples by negative sampling. For each positive sample, we generate five negative samples by randomly changing one of the elements (u, v, t q or l q ) in positive samples. Due to space limitations, the gradient of the weight of the neural network is not listed, and the gradients of model parameters θ t | r , z t , θ v | r , z v , θ r | u r , θ z | u z and θ w | z w are provided as follows.
θ n e u r a l θ t | r , z t = θ n e u r a l P r z P r z θ t | r , z t = δ E , r ( r ) θ v | r , z ( v ) P ( l v | μ r , Σ r ) θ r | u ( r ) + δ E , z ( z ) θ v | r , z ( v ) w i W v θ w | z ( w i ) θ z | u ( z )
θ n e u r a l θ v | r , z t = θ n e u r a l P r z P r z θ v | r , z t = δ E , r ( r ) θ t | r , z ( t ) P ( l v | μ r , Σ r ) θ r | u ( r ) + δ E , z ( z ) θ t | t , z ( t ) w i W v θ w | z ( w i ) θ z | u ( z )
θ n e u r a l θ r | u r = θ n e u r a l P r z P r z θ r | u r = δ E , r ( r ) ( θ t | r r · θ v | r ( r ) ) P ( l v | μ r , Σ r )
θ n e u r a l θ z | u z = θ n e u r a l P r z P r z θ z | u z = δ E , z ( z ) ( θ t | z ( z ) · θ ( v | z ) ( z ) ) w i W v θ w | w ( w i )
θ n e u r a l θ w | z w = θ n e u r a l P r z P r z θ w | z w = δ E , z ( z ) ( θ t | z ( z ) · θ ( v | z ) ( z ) ) θ z | u z w i W v & w i w θ w | z ( w )
where P r z = [ P r ( 1 ) , P r ( 2 ) , , P r ( R ) , P z ( 1 ) , P z ( 2 ) , , P z ( Z ) ] , δ E is the residual of the embedded layer E, δ E , r i , δ E , z i represents that the residual of E r i , E z i . δ E can be calculated by neural network back-propagation. Due to space limitations, the derivation process of δ E is not listed.
To update the parameters θ P G M for maximizing J P G M , we use the gradient descent learning algorithm Projected Scaled Sub-Gradient (PSSG) [22], which is designed to solve optimization problems with L1 regularization on parameters. The gradients of model parameters θ t | r , z t , θ v | r , z v , θ r | u r , θ z | u z and θ w | z w are provided as follows.
θ P G M θ t | r , z t = d ( t , z , r ) j = 1 | D t | θ z | u j ( z ) θ r | u j ( r ) θ t | r , z t
θ P G M θ v | r , z v = d ( v , z , r ) j = 1 | D v | θ z | u j ( z ) θ r | u j ( r ) θ v | r , z v
θ P G M θ r | u r = d ( u , r ) θ r | u N u
θ P G M θ z | u z = d ( u , z ) θ z | u N u
θ P G M θ w | z w = d ( z , w ) d ( z ) θ w | z ( w )
where d ( t , z , r ) is the number of activities assigned to topic z and region r on time t; d ( v , z , r ) is the number of activities where the POI v is assigned to topic z and region r; d ( u , r ) , d ( u , z ) is the number of u’s activities which are assigned to topic r and region z; d ( z , w ) is the number of activities where the word w is assigned to topic z; d ( z ) is the number of activities which is assigned to topic z; D t denotes the set of activities occurring on time t; D v denotes the set of activities occurring at POI v; and N u is the number of u’s activities.
For geographical modeling, the parameters μ and Σ can be obtained in closed form as Equations (25) and (26).
μ r = 1 d ( z ) j = 1 | D z | l j
Σ r = 1 d ( z ) 1 j = 1 | D z | ( l j μ r ) T ( l j μ r )
where D z represents the set of check-in activities assigned to region r and l j is the location where the j th activity in D z occurs.

4. Experiments

In this section, we evaluate our model for POI recommendation with extensive experiments on real-world check-in datasets.

4.1. Dataset

Gowalla. The Gowalla check-in dataset (http://snap.stanford.edu/data/loc-gowalla.html, accessed on 12 January 2023) is generated from February 2009 to October 2010. We use the records generated within the United States and filter out those users with fewer than 20 check-ins and the POIs with fewer than 15 visitors. After filtering, the sparsity of the user–POI check-in matrix is 99.72%.
Foursquare. The Foursquare dataset (https://sites.google.com/site/yangdingqi/home/foursquare-dataset, accessed on 12 January 2023) includes check-in data from April 2012 to September 2013. We use the records generated within New York, Philadelphia and Trenton, and we filter those users with fewer than 10 check-ins as well as those POIs with fewer than 15 visitors. After filtering, the sparsity of the user–POI check-in matrix is 99.56%.
Yelp. The Yelp’s Challenge Dataset (Yelp dataset challenge round 7 (https://www.yelp.com/datasetchallenge, accessed on 20 February 2016) comes from the Yelp Dataset Challenge round 7 in 2016. The data contain a large number of geotagged businesses and reviews within several cities. We use the records generated within Phoenix and eliminate those users with fewer than 20 check-ins as well as those POIs with fewer than 15 visitors. The sparsity of the user–POI check-in matrix is 99.78%.
The statistics of the used data sets are shown in Table 3. We partition each dataset into a training set and test set. For each user, we use the earliest 80% check-ins as the training data and the most recent 20% check-ins as the test data. Different learning rate schedule have a significant impact on performance [23]. so in order to ensure the fairness of the experiment, we apply constant learning rate for all models in the experiment. We implement TARE with Tensorflow (http://www.tensorflow.org/, accessed on 12 January 2023) for the training of our model.

4.2. Baselines for Comparison

We compare TARE with the following six state-of-the-art methods with well-tuned parameters.
  • LRT: LRT [20] is a time-enhanced MF model based on observed temporal properties that characterize each user by different latent vectors for different time slots.
  • GeoMF: GeoMF [4] is a geographical Weighted Matrix Factorization (WMF) model which integrates geographical influence by modeling users’ activity regions and the influence propagation on geographical space.
  • JIM: JIM [24] is a joint probabilistic generative model that mimic users’ check-in behaviors by integrating the factors of temporal effect, content effect, geographical influence and word-of-mouth effect.
  • TRM: TRM [25] is a unified probabilistic generative model that simultaneously discovers the semantic, temporal, and spatial patterns of users’ check-in activities, and it models their joint effect on users’ decision making for the selection of POIs to visit.
  • PACE: PACE [8] is a general and principled combination of CF and SSL based on neural networks that model user preference for POIs. PACE considers both social effect and geographic effect. On the other hand, PACE is an embedding algorithm based on the node2vec algorithm.
  • Geo-Teaser: Geo-Teaser [10] is a temporal POI-embedding model that captures the check-ins’ sequential contexts and the various temporal characteristics on different days. On the other hand, Geo-Teaser is an embedding algorithm based on the word2vec algorithm.

4.3. Evaluation Methods and Metrics

As for the performance comparison with baselines, we apply two widely used metrics, i.e., A c c u r a c y @ k and M A P @ k , where accuracy measures the number of correct recommendation in the result, while MAP considers the rank of the recommendation.
Particularly, for each test case ( u , v , l v , W v , t q ) , we use Gaussian function to generate a coordinate l q within the circle of radius d centered at l v to represent the current standing point of user u. Thus, a query q = ( u , l q , t q ) is formed for the test case. The set of all queries is represented as S t e s t .
For each query ( u , l q , t q ) in S t e s t , we calculate the user preferences for POIs and generate a ranked list based on their preference scores. Let p denote the rank of the test item v within this list. Finally, we obtain a top-k recommendation list. If p < k , we have a hit (i.e., the test item v is recommended to the user).
The computation of A c c u r a c y @ k proceeds as follows. For a single test, we define h i t @ k as 1 when v appears in the top-k recommendation list; otherwise, h i t @ k is 0. The overall A c c u r a c y @ k is defined by averaging all test cases:
A c c u r a c y @ k = # h i t @ k | S t e s t |
where # h i t @ k denotes the number of hits in the test set, and | S t e s t | is the number of all test cases.
M A P @ k is highly relative to the position of v in the list (i.e., p). When we have a hit, we focus on the value of p. M A P @ k is defined as follows:
M A P @ k = i = 1 | S t e s t | h i t @ k i p i | S t e s t |

4.4. Performance Analysis

In this part, we present the effectiveness of the recommendation methods with well-tuned parameters. Figure 3 show the performance under A c c u r a c y @ k and M A P @ k on the Gowalla, Yelp and Foursquare datasets, respectively.
Although the relative performance among the baselines varies across different datasets and metrics, TARE outperforms other competitor models significantly. Compared with the strongest baseline, TARE yields approximately a 12.39% relative improvement in terms of A c c u r a c y @ 10 and 10.14% relative improvement in terms of M A P @ 10 . Such consistent improvements clearly demonstrate the strength of TARE over the baseline methods. Taking a closer look at the results, several observations are made: (1) Both LRT and GeoMF are based on the MF model, but the performances vary greatly. The result shows that temporal influence is more critical than geographical property for POI recommendation. (2) The experimental results show that the methods (TARE, TRM, JIM) which consider query time and query location are much better than other methods. Therefore, query time and query location are crucial to the accuracy of recommendation. (3) The embedded method PACE which considers geographic and social factors has a better performance than Geo-Teaser, which only considers geographical factors. The result shows that embedded methods which effectively consider a large number of factors are superior to those only considering a small number of factors. (4) Although TARE and TRM consider the same factors, TARE takes into account the intrinsic link between time and other factors (POI category and POI location). So, TARE can achieve better performance compared to TRM.
The main reasons why TARE is superior to other methods can be concluded as follows. First, the objects embedded in TARE are events. TARE takes full advantage of all the information in an event. Compared to TARE, other embedding methods only take advantage of a small portion of the information in an event. Second, TARE considers the intrinsic link between multiple factors. TARE explores the intrinsic link between time factors and POI category and the intrinsic relationship between time factors and geographic factors.

4.5. Impact of Different Parameters

We fix the number of hidden layers as 4 and the sizes of layers as 128 64 32 16 for neural networks. However, the effectiveness of TARE is subject to the number of topics and regions (i.e., Z and R ). To this end, we study the effectiveness of event-based embedding by varying Z and R. The results are showen in Table 4. From the results, we observe that the recommendation accuracy of TARE is first enhanced with an increasing number of topics, and then, it does not change drastically when the number of topics exceeds 80. Similar observations can be made for increasing the number of regions (i.e., R): the recommendation accuracy of TARE is imporved with an increasing number of regions, and then, it remains stable when the number of regions is larger than 80. The reason is that Z and R represent the model complexity. Thus, when Z and R are too small, the model has limited ability to describe the data. It should be noted that the performance reported in Figure 3 is achieved with Z = 100 and R = 100 .

5. Releated Work

5.1. Latent Factor Model

The latent factor model (LFM) is also popular in recommender systems for both implicit and explicit feedback which assumes the existence of latent factor space and leverages matrix factorization to obtain low-dimensional matrices. Probabilistic matrix factorization (PMF) is developed to optimize regularized MF by introducing Gaussian prior. Many researchers try to improve and optimize models based MF and PMF. Cheng et al. [3] proposed PMFSR to integrate social influence into PMF with social regularization. In [20], Gao et al. proposed a Location Recommendation framework with Temporal effects (LRT), which incorporates temporal influence into an MF. In addition, Lian et al. proposed the GeoMF model [4] to incorporate geographical influence into a weighted regularized matrix factorization model (WRMF) [26,27]. However, MF-based methods’ computational performance will be significantly reduced facing large-scale data. Furthermore, MF-based methods rely on global calculation resulting in difficulty in incremental updates.
In addition, the probabilistic generative models [28] are also applied to POI recommendation due to their strong interpretability. Zhao et al. [29] proposed a unified sentiment–aspect–region model (SAR) to learn user preference based on the reviews, categories, and locations of POIs. However, it just obtains topical regions and topical aspects by applying the topic model and sets parameters manually to fuse different influence factors. JIM [24] is further developed later, which integrates the factors of temporal effect, content effect, geographical influence, and word-of-mouth effect, especially for out-of-town users. Different from the fused model, JIM is the joint model [30] which learns several influential factors together. LSARS [31] takes crowd sentiment into account to improve the effectiveness of JIM. However, the nature of the linear model limits the performance of the above model.

5.2. Deep Learning Model

Neural networks [32,33,34] are widely used in various fields, and have been proven to have superior performance through research and practice. In recent years, a growing number of researchers have integrated deep learning techniques into recommendation systems. These recommendation systems can basically be divided into two modules. The first module is an embedded module that embeds users or POIs. The second module is the preference learning module, which is recommended based on the results of the embedded module. Refs. [8,16,17,35,36] use the node2vec algorithm to embed users and POIs. It establishes different user networks and POI networks for various users and POIs by considering different factors. These networks are then embedded by the node2vec algorithm. However, the embedding methods based on node2vec cannot consider the intrinsic link between multiple factors. Refs. [9,10] treat the POI as a word and the POI sequence as a sentence. These methods use the word2vec algorithm to embed POI. They embed the POI by analyzing the POI sequence. Ref. [15] uses a convolutional neural network to embed documents and then apply the results to the MF. However, these methods make it difficult to consider other factors.

6. Conclusions

In this paper, we propose an event-based embedding for POI recommendation called TARE. Different from the existing embedding methods, TARE not only considers the influence of various factors on user behavior in the process of embedding but also considers the intrinsic relationship between various factors. In addition, TARE integrates the time and location of the event into the embedded processor to improve the accuracy of the recommendation. Experimental results show that TARE achieves up to 12.39% performance enhancement in recommendation accuracy compared to up-to-date solutions.

Author Contributions

Methodology, H.L.; Writing—original draft, H.L.; Writing—review & editing, X.G.; Supervision, T.Z. and G.Y.; Funding acquisition, T.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by National Natural Science Foundation of China (62272093).

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. Raza, S.; Ding, C. Progress in context-aware recommender systems—An overview. Comput. Sci. Rev. 2019, 31, 84–97. [Google Scholar] [CrossRef]
  2. Bao, J.; Zheng, Y.; Mokbel, M.F. Location-based and preference-aware recommendation using sparse geo-social networking data. In SIGSPATIAL/GIS; ACM: New York, NY, USA, 2012; pp. 199–208. [Google Scholar]
  3. Cheng, C.; Yang, H.; King, I.; Lyu, M.R. Fused matrix factorization with geographical and social influence in location-based social networks. In AAAI; AAAI Press: Washington, DC, USA, 2012. [Google Scholar]
  4. 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 KDD; ACM: New York, NY, USA, 2014; pp. 831–840. [Google Scholar]
  5. Davtalab, M.; Alesheikh, A.A. A POI recommendation approach integrating social spatio-temporal information into probabilistic matrix factorization. Knowl. Inf. Syst. 2021, 63, 65–85. [Google Scholar] [CrossRef]
  6. Rahmani, H.A.; Aliannejadi, M.; Baratchi, M.; Crestani, F. Joint Geographical and Temporal Modeling Based on Matrix Factorization for Point-of-Interest Recommendation. In Proceedings of the Advances in Information Retrieval-42nd European Conference on IR Research, ECIR 2020, Lisbon, Portugal, 14–17 April 2020. [Google Scholar]
  7. Zhang, Z.; Liu, Y.; Zhang, Z.; Shen, B. Fused matrix factorization with multi-tag, social and geographical influences for POI recommendation. World Wide Web 2019, 22, 1135–1150. [Google Scholar] [CrossRef]
  8. Yang, C.; Bai, L.; Zhang, C.; Yuan, Q.; Han, J. Bridging collaborative filtering and semi-supervised learning: A neural approach for POI recommendation. In KDD; ACM: New York, NY, USA, 2017; pp. 1245–1254. [Google Scholar]
  9. Feng, S.; Cong, G.; An, B.; Chee, Y.M. Poi2vec: Geographical latent representation for predicting future visitors. In AAAI; AAAI Press: Washington, DC, USA, 2017; pp. 102–108. [Google Scholar]
  10. Zhao, S.; Zhao, T.; King, I.; Lyu, M.R. Geo-teaser: Geo-temporal sequential embedding rank for point-of-interest recommendation. In WWW (Companion Volume); ACM: New York, NY, USA, 2017; pp. 153–162. [Google Scholar]
  11. Liu, X.; Yang, Y.; Xu, Y.; Yang, F.; Huang, Q.; Wang, H. Real-time POI recommendation via modeling long- and short-term user preferences. Neurocomputing 2022, 467, 454–464. [Google Scholar] [CrossRef]
  12. 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]
  13. Li, Q.; Xu, X.; Liu, X.; Chen, Q. An Attention-Based Spatiotemporal GGNN for Next POI Recommendation. IEEE Access 2022, 10, 26471–26480. [Google Scholar] [CrossRef]
  14. Chen, Y.C.; Thaipisutikul, T.; Shih, T.K. A Learning-Based POI Recommendation With Spatiotemporal Context Awareness. IEEE Trans. Cybern. 2022, 52, 2453–2466. [Google Scholar] [CrossRef] [PubMed]
  15. Kim, D.H.; Park, C.; Oh, J.; Lee, S.; Yu, H. Convolutional matrix factorization for document context-aware recommendation. In RecSys; ACM: New York, NY, USA, 2016; pp. 233–240. [Google Scholar]
  16. Xie, M.; Yin, H.; Wang, H.; Xu, F.; Chen, W.; Wang, S. Learning graph-based POI embedding for location-based recommendation. In CIKM; ACM: New York, NY, USA, 2016; pp. 15–24. [Google Scholar]
  17. Xie, M.; Yin, H.; Xu, F.; Wang, H.; Zhou, X. Graph-based metric embedding for next POI recommendation. In WISE (2); Springer: Cham, Switzerland, 2016; pp. 207–222. [Google Scholar]
  18. Cho, E.; Myers, S.A.; Leskovec, J. Friendship and mobility: User movement in location-based social networks. In Proceedings of the 17th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, San Diego, CA, USA, 21–24 August 2011; pp. 1082–1090. [Google Scholar]
  19. Wang, W.; Yin, H.; Chen, L.; Sun, Y.; Sadiq, S.; Zhou, X. ST-SAGE: A Spatial-Temporal Sparse Additive Generative Model for Spatial Item Recommendation. ACM Trans. Intell. Syst. Technol. (TIST) 2017, 8, 48:1–48:25. [Google Scholar] [CrossRef]
  20. Gao, H.; Tang, J.; Hu, X.; Liu, H. Exploring temporal effects for location recommendation on location-based social networks. In RecSys; ACM: New York, NY, USA, 2013; pp. 93–100. [Google Scholar]
  21. Wallach, H.M. Topic Modeling: Beyond Bag-of-words. In Proceedings of the 23rd International Conference on Machine Learning, Pittsburgh, PA, USA, 25–29 June 2006; pp. 977–984. [Google Scholar]
  22. Schmidt, M.; Niculescu-Mizil, A.; Murphy, K. Learning graphical model structure using L1-regularization paths. In Proceedings of the AAAI Conference on Artificial Intelligence (AAAI-07), Vancouver, BC, USA, 22–26 July 2007; pp. 1278–1283. [Google Scholar]
  23. Liu, H.; Fu, Q.; Du, L.; Zhang, T.; Yu, G.; Han, S.; Zhang, D. Learning Rate Perturbation: A Generic Plugin of Learning Rate Schedule towards Flatter Local Minima. In Proceedings of the 31st ACM International Conference on Information & Knowledge Management, Atlanta, GA, USA, 17–21 October 2022; pp. 4234–4238. [Google Scholar]
  24. Yin, H.; Zhou, X.; Shao, Y.; Wang, H.; Sadiq, S.W. Joint modeling of user check-in behaviors for point-of-interest recommendation. In CIKM; ACM: New York, NY, USA, 2015; pp. 1631–1640. [Google Scholar]
  25. Yin, H.; Cui, B.; Zhou, X.; Wang, W.; Huang, Z.; Sadiq, S.W. Joint modeling of user check-in behaviors for real-time point-of-interest recommendation. ACM Trans. Inf. Syst. 2016, 35, 11:1–11:44. [Google Scholar] [CrossRef]
  26. Hu, Y.; Koren, Y.; Volinsky, C. Collaborative filtering for implicit feedback datasets. In ICDM; IEEE Computer Society: Washington, DC, USA, 2008; pp. 263–272. [Google Scholar]
  27. Pan, R.; Zhou, Y.; Cao, B.; Liu, N.N.; Lukose, R.M.; Scholz, M.; Yang, Q. One-class collaborative filtering. In ICDM; IEEE Computer Society: Washington, DC, USA, 2008; pp. 502–511. [Google Scholar]
  28. Liu, H.; Zhang, T.; Li, F.; Gu, Y.; Yu, G. Tracking knowledge structures and proficiencies of students with learning transfer. IEEE Access 2020, 9, 55413–55421. [Google Scholar] [CrossRef]
  29. Zhao, K.; Cong, G.; Yuan, Q.; Zhu, K.Q. SAR: A sentiment-aspect-region model for user preference analysis in geo-tagged reviews. In ICDE; IEEE Computer Society: Washington, DC, USA, 2015; pp. 675–686. [Google Scholar]
  30. Zhao, S.; King, I.; Lyu, M.R. A survey of point-of-interest recommendation in location-based social networks. arXiv 2016, arXiv:1607.00647. [Google Scholar]
  31. Wang, H.; Fu, Y.; Wang, Q.; Yin, H.; Du, C.; Xiong, H. A location-sentiment-aware recommender system for both home-town and out-of-town users. In KDD; ACM: New York, NY, USA, 2017; pp. 1135–1143. [Google Scholar]
  32. Du, L.; Shi, X.; Fu, Q.; Ma, X.; Liu, H.; Han, S.; Zhang, D. GBK-GNN: Gated Bi-Kernel Graph Neural Networks for Modeling Both Homophily and Heterophily. In Proceedings of the ACM Web Conference 2022, Lyon, France, 25–29 April 2022; pp. 1550–1558. [Google Scholar]
  33. Yu, M.; Li, F.; Liu, H.; Zhang, T.; Yu, G. ContextKT: A Context-Based Method for Knowledge Tracing. Appl. Sci. 2022, 12, 8822. [Google Scholar] [CrossRef]
  34. Yu, M.; Zhang, Y.; Zhang, T.; Yu, G. Semantic enhanced top-k similarity search on heterogeneous information networks. In International Conference on Database Systems for Advanced Applications; Springer: Cham, Switzerland, 2020; pp. 104–119. [Google Scholar]
  35. Hang, M.; Pytlarz, I.; Neville, J. Exploring student check-in behavior for improved point-of-interest prediction. In KDD; ACM: New York, NY, USA, 2018; pp. 321–330. [Google Scholar]
  36. Yang, J.; Eickhoff, C. Unsupervised learning of parsimonious general-purpose embeddings for user and location modeling. ACM Trans. Inf. Syst. 2018, 36, 32:1–32:33. [Google Scholar] [CrossRef]
Figure 1. The decision-making process of a user to visit a place.
Figure 1. The decision-making process of a user to visit a place.
Applsci 13 01236 g001
Figure 2. The Graphical Representation of TARE.
Figure 2. The Graphical Representation of TARE.
Applsci 13 01236 g002
Figure 3. Performance compared.
Figure 3. Performance compared.
Applsci 13 01236 g003
Table 1. Notations of parameters.
Table 1. Notations of parameters.
SymbolDescription
N , V , R , Z The number of users, POI, region, topic
D u The profile of user u
v u , i The POI of i-th record in D u
l u , i The location of POI v u , i
θ z | u , θ r | u The interest of user u, distribution over topic, region
θ w | z The topic z’s distribution over POI categories
μ r , Σ r The mean location, location convariance of region r
θ v | r , z , θ t | r , z The region r and topic z distribution over POI and time
Table 2. The abbreviation and full name of concepts.
Table 2. The abbreviation and full name of concepts.
AbbreviationFull Name
LBSNsLocation-Based Social Networks
POIsPoint Of Interests
MFMatrix Factorization
SGDStochastic Gradient Descent
PSSGProjected Scaled Sub-Gradient
TARETopic And Region Embedding
Table 3. The statistics of the used data sets.
Table 3. The statistics of the used data sets.
Dataset#User#POI#Check-InSparsity
Gowalla19,01711,681643,62099.72%
Foursquare796110,629459,22199.56%
Yelp17,62415,040602,44599.78%
Table 4. Accuracy@10 with different #topic and #region.
Table 4. Accuracy@10 with different #topic and #region.
CapacityR = 20R = 40R = 60R = 80Z = 100
Z = 200.2210.2920.3550.3780.431
Z = 400.2540.3370.4030.4300.461
Z = 600.3140.3750.4170.4720.481
Z = 800.3170.3640.4480.4650.527
Z = 1000.3490.3800.4650.5230.540
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

Zhang, T.; Liu, H.; Geng, X.; Yu, G. Event-Based Probabilistic Embedding for POI Recommendation. Appl. Sci. 2023, 13, 1236. https://doi.org/10.3390/app13031236

AMA Style

Zhang T, Liu H, Geng X, Yu G. Event-Based Probabilistic Embedding for POI Recommendation. Applied Sciences. 2023; 13(3):1236. https://doi.org/10.3390/app13031236

Chicago/Turabian Style

Zhang, Tiancheng, Hengyu Liu, Xue Geng, and Ge Yu. 2023. "Event-Based Probabilistic Embedding for POI Recommendation" Applied Sciences 13, no. 3: 1236. https://doi.org/10.3390/app13031236

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