Next Article in Journal
Lighting Deviation Correction for Integrating-Sphere Multispectral Imaging Systems
Previous Article in Journal
Improved Time-Synchronization Algorithm Based on Direct Compensation of Disturbance Effects
Previous Article in Special Issue
Neural Network Direct Control with Online Learning for Shape Memory Alloy Manipulators
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Session Recommendation via Recurrent Neural Networks over Fisher Embedding Vectors †

by
Domokos Kelen
1,2,3,*,
Bálint Daróczy
1,3,
Frederick Ayala-Gómez
2,
Anna Ország
1 and
András Benczúr
1,3
1
Institute for Computer Science and Control, Hungarian Academy of Sciences (MTA SZTAKI), H-1111 Budapest, Hungary
2
Faculty of Informatics, Eötvös University, Pázmány sétány 1/C, H-1117 Budapest, Hungary
3
Széchenyi University, Egyetem tér 1, H-9026 Győr, Hungary
*
Author to whom correspondence should be addressed.
This paper is the extended version of Daróczy, B.; Ayala-Gómez, F.; Benczúr, A. Infrequent Item-to-Item Recommendation via Invariant Random Fields. In Proceedings of the Mexican International Conference on Artificial Intelligence, Guadalajara, Mexico, 22–27 October 2018; Springer: Cham, Switzerland, 2018; pp. 257–275.
Sensors 2019, 19(16), 3498; https://doi.org/10.3390/s19163498
Submission received: 23 May 2019 / Revised: 14 July 2019 / Accepted: 4 August 2019 / Published: 10 August 2019
(This article belongs to the Special Issue Artificial Intelligence and Sensors)

Abstract

:
Recommendation services bear great importance in e-commerce, shopping, tourism, and social media, as they aid the user in navigating through the items that are most relevant to their needs. In order to build recommender systems, organizations log the item consumption in their user sessions by using different sensors. For instance, Web sites use Web data loggers, museums and shopping centers rely on user in-door positioning systems to register user movement, and Location-Based Social Networks use Global Positioning System for out-door user tracking. Most organizations do not have a detailed history of previous activities or purchases by the user. Hence, in most cases recommenders propose items that are similar to the most recent ones viewed in the current user session. The corresponding task is called session based, and when only the last item is considered, it is referred to as item-to-item recommendation. A natural way of building next-item recommendations relies on item-to-item similarities and item-to-item transitions in the form of “people who viewed this, also viewed” lists. Such methods, however, depend on local information for the given item pairs, which can result in unstable results for items with short transaction history, especially in connection with the cold-start items that recently appeared and had no time yet to accumulate a sufficient number of transactions. In this paper, we give new algorithms by defining a global probabilistic similarity model of all the items based on Random Fields. We give a generative model for the item interactions based on arbitrary distance measures over the items, including explicit, implicit ratings and external metadata to estimate and predict item-to-item transition probabilities. We exploit our new model in two different item similarity algorithms, as well as a feature representation in a recurrent neural network based recommender. Our experiments on various publicly available data sets show that our new model outperforms simple similarity baseline methods and combines well with recent item-to-item and deep learning recommenders under several different performance metrics.

1. Introduction

Consider a museum that wants to provide a virtual guide for visitors that explains the items in an exhibition and keeps tracks of the items viewed during the visit with a beacon by using in-door and out-door positioning systems for tracking. Using the list of items viewed, the museum can suggest unseen items that might be relevant [1,2,3]. In such applications, the task is to recommend relevant items to a user based on items seen during the current session [4] rather than on user profiles.
An intuitive approach to building the list of relevant items to recommend in a user session is to compare the attributes of the most recent item against those of candidate next items, and select the most similar one. Such naive methods only use the attributes of the item pair in question. When considering more complex patterns, it becomes challenging to deal with the high-dimensional and nonlinear complete sensor data collection [5]. More data provides more accurate prediction, however at the same time, useful knowledge might be submerged in large amounts of redundant data.
More recent methods construct a notion of similarity based on global information, for example, by dimensionality reduction [6] or by building a neural embedding [7]. Dimensionality reduction is often used to obtain a more compact representation of the original high-dimensional data, a representation that nonetheless captures all the information necessary for higher-level decision-making [8].
Our goal is to use global information for defining item similarity, which can help to handle rare and new items and tackle the so-called cold start case [9] where the new items do not yet have sufficient number of interactions to reliably model their relation to the user. The main difficulty compared to the traditional dimensionality reduction task is that a session is too short to gather meaningful description over the user side of the data, hence dimensionality reduction has to be performed by partial information, the item side of the data only.
Our key idea is to define a notion of similarity based on the global characteristics of the items, possibly combining multiple modes, such as user feedback, content, and metadata. Our starting point is the Euclidean Item Recommender (EIR) method of [6], which utilizes all training data to estimate item-item conditional probabilities through latent factor vectors, which are learned globally.
Our new algorithm is based on a simple generative model for the occurrence and co-occurrence of items. The generative model itself can be defined by combining and augmenting standard similarity measures, such as Jaccard or Cosine based on collaborative, content, multimedia, and metadata information. As a common practice, especially with cold-start items, we also include the item attributes to compute similarities. As an example, in the use case of the person visiting a museum with a in-door positioning device, the recommender system could use the content of the viewed items to improve the recommendations of the next items to visit. We incorporate content similarity in our experiments by mapping the movies in the MovieLens data set to DBpedia [10].
Rather than using our generative model directly for recommendation, we utilize the tangent space of the model to derive mathematically grounded feature representations for each item. We compute an approximation of the Fisher vector corresponding to the Gibbs distribution of the generative model. Our method is based on the theory described in a sequence of papers with the most important steps including [11,12,13], which are in turn used in most of the state-of-the-art image classification methods [14,15].
We propose two direct ways of using the space of Fisher vectors for item to item recommendation. In addition, we also utilize the Fisher vectors by considering them as a predefined embedding in Recurrent Neural Network (RNN) recommender models. The past few years have seen the tremendous success of deep neural networks in several tasks [16]. Sequential data modeling has also recently attracted a lot of attention based on various RNNs [17,18]. In recommender systems, recurrent networks were perhaps first used in the Gru4Rec algorithm [7]. In our best performing algorithm, we replace the dynamically trained neural embedding of Gru4Rec by the precalculated Fisher vectors.
We experimentally show that item-to-item recommendations based on the similarity of the Fisher vectors perform better than both traditional similarity measures and the Euclidean Item Recommender [6]. For session recommendation, by replacing the neural embedding in Gru4Rec [7] with the Fisher vectors, we obtain a class of methods based on different item descriptors that combine well and improve the recommendation quality of Gru4Rec. We evaluate our experiments using top-n recommendation [19] performance of our models by MPR [6], Recall, and DCG [20].
Our key contributions in this research can be summarized as follows:
  • We propose a novel application of Fisher vectors by using them as item representations in recommender systems. We symbolically derive the Fisher vectors for our tasks and give approximate algorithms to compute them.
  • We propose two ways of using the representations for item-to-item recommendation. We measure a performance improvement compared to prior methods.
  • We examine the usage of Fisher vectors as a predefined embedding in recurrent neural network based recommendation systems and measure competitive, in some cases even significantly improved, performance compared to dynamically trained neural embedding methods.
The rest of this paper is organized as follows. After the related results, in Section 3 we describe traditional item pair similarity measures and our Fisher vector based machinery for defining similarity based on global item information. In Section 4 we give a brief overview of the Gru4Rec algorithm [7] and show how we can incorporate Fisher vectors by replacing the neural item embeddings. In Section 5 we describe the experimental data sets, settings, and algorithms, and in Section 6 we present our experimental evaluation.

2. Related Results

Recommender systems surveyed in [21] have become common in a variety of areas including movies, music, tourism, videos, news, books, and products in general. They produce a list of recommended items by either collaborative or content-based filtering. Collaborative filtering methods [4,22,23] build models of past user-item interactions, while content-based filtering [24] typically generates lists of similar items based on item properties. Recommender systems rely on explicit user feedback (e.g., ratings, likes, dislikes) or implicit feedback (e.g., clicks, plays, views) to assess the attitude towards the items viewed by the user.
The Netflix Prize Challenge [25,26] has revolutionized our knowledge of recommender systems, but caused bias in research towards scenarios where user profiles and item ratings (1–5 stars) are known. However, for most Web applications, users are reluctant to create logins and prefer to browse anonymously. In other cases, users purchase certain types of goods (e.g., expensive electronics) so rarely that previous purchases are insufficient to create a meaningful user profile. Several practitioners [6] argue that most of the recommendation tasks they face count as implicit feedback and are without sufficient user history. In [27] the authors claim that 99% of the recommendation systems they built for industrial application tasks are implicit, and most of them are item-to-item. For these cases, recommender systems rely on the recent items viewed by the user in the given shopping session.
The first item-to-item recommender methods [4,22] used similarity information to find nearest neighbor transactions [28]. Another solution is to extract association rules [29]. The method outlined in [30] learns similarity weights for users; however, the method gives global and not session-based user recommendation.
Rendle et al. [31] proposed a session-based recommender system that models the users by factorizing personal Markov chains. Their method is orthogonal to ours in that they provide more accurate user-based models if more data is available, while we concentrate on extracting actionable knowledge from the entire data set for the sparse transactions in a session.
Item-to-item recommendation can be considered a particular context-aware recommendation problem. In [32] sequentiality as a context is handled by using pairwise associations as features in an Alternating Least Squares (ALS) model. The authors mention that they face the sparsity problem in setting minimum support, confidence, and lift of the associations, and they use the category of last purchased item as a fallback. In a follow-up result [33], they use the same context-aware ALS algorithm. However, they only consider seasonality as a context in the latter paper.
In case of sequential item-to-item recommendation, we exploit our knowledge about previous item transitions. The closest to our work is the Euclidean Item Recommender [6] by Koenigstein and Koren. They model item-to-item transitions using item latent factors where the Euclidean distance between two vectors approximates the known transition probabilities in the training data set. Our model differs in that we do not need to optimize a vector space to learn the transition probabilities in a lower dimensional space. Instead, we start from an arbitrary similarity definition, and we can extend similarity for all items by using all training data, in a mathematically justified way. We use Fisher information that has been applied for DNA splice site classification [12] and computer vision [13], but we are the first to apply it in recommender systems. In our experiment, we made an effort to reproduce the experimental settings of EIR to the greatest extent possible.
Recurrent Neural Networks have been applied in capturing temporal dynamics of implicit and explicit recommendation. One of the first uses of neural networks for recommendation is the Restricted Boltzmann Machines (RBM) method for Collaborative Filtering [34]. In this work, an RBM is used to model user-item interaction and perform recommendations. Hochreiter in [35] showed that simple recurrent units are not entirely sufficient to describe long-term dependencies, and together with Schmidhuber he suggested Long-Short Term Memory (LSTM) in [18]. Cho et al. [17] proposed a less complex recurrent unit, the Gated Recurrent Unit (GRU). Hidasi et al. [7] built a widely used neural network structure, the Gru4Rec with GRU and a specific input, output embedding for sequential recommendation. Their model transforms a high dimensional one-hot coded item representation into a relative small dimensional but dense embedded vector. The context-free embedding vectors act as input to the single GRU layer with output gates, and they are finally transformed back into the high dimensional, itemset-sized probabilistic space. During training, the model is optimized for predicting the next item in the sequence.
Finally, we review the results of extending content description by knowledge graphs. To help with the cold-start problem, it is a common practice to include the attributes of the items in the recommender system. For example, in the case of recommender system based on a in-door positioning device, we could use the content of the viewed items to improve the recommendations of additional items [36,37].
Knowledge-based recommendation systems include the characteristics of the required item [38]. The characteristics of items and their descriptions is crucial for a knowledge-based recommendation system to make accurate recommendations [39]. Knowledge about items can be compiled as statements, rules or ontologies [40] using case-based or rule-based reasoning [41] such that knowledge is extracted from a case database [42].
Linked open data has been used in several results to support content-based recommender systems [43], our main result is the fusion of such techniques with collaborative filtering. The main example of linked open data is DBPedia [10], a popular ontology used in recommender systems [44]. Such systems are used for recommender systems in several domains, including music [45] and tourism [46]. However, the methods to fuse similarity based on ontologies and other techniques do not go beyond simple score combination by using stacking [47].

3. Item-to-Item Similarity Measures

The natural way of item-to-item recommendation is to rank the next candidate items based on their similarity to the last visited item. While the idea is simple, a wide variety of methods exist to compute the distance or divergence of user feedback, content, and other potential item metadata.
In this section, first we enumerate the most common similarity measures among raw item attributes, which will also serve as the baseline in our experiments. Then we describe our new methodology that introduces an item representation in a kernel space built on top of the raw similarity values. Based on the item representation, we define three different types of “kernelized”, transformed similarity measures.

3.1. Raw Attribute Similarity Measures

First, we enumerate distance and divergence measures that directly compare the attributes of the item pair in question. We list both implicit feedback collaborative filtering and content-based measures. The raw attribute similarity formulas yield the natural baseline methods for item-to-item recommendation.
For user implicit feedback on item pairs, various joint and conditional distribution measures can be defined based on the frequencies f i and f i j of items i and item pairs i , j , as follows.
  • Cosine similarity (Cos):
    c o s ( i , j ) = f i j f i f j .
  • Jaccard similarity (JC):
    J C ( i , j ) = f i j f i + f j f i j .
  • Empirical Conditional Probability (ECP), which estimates the item transition probability:
    E C P ( j | i ) = f i j f i + 1 ,
    where the value 1 in the denominator is used for smoothing.
Additionally, in [6] the authors suggest the Euclidean Item Recommender (EIR) model to approximate the transition probabilities with the following conditional probability
p ( j | i ) = exp | | x i x j | | 2 + b j k T exp | | x i x k | | 2 + b k ,
where T is the set of items. They learn the item latent vectors { x i } and biases { b i } .
Besides item transitions, one can measure the similarity of the items based on their content (e.g., metadata, text, title). We will measure the content similarity between two items by the Cosine, Jaccard, tf-idf, and the Jensen–Shannon divergence of the bag of words representation of the metadata description.

3.2. Similarity in the DBPedia Knowledge Graph

We obtain text description of MovieLens movies by mapping them to DBpedia (http://wiki.dbpedia.org) [10]. DBpedia is the representation of Wikipedia as a knowledge graph described in the machine readable Resource Description Framework (RDF). RDFs are triplets of the resource, the property, and the property value, all identified by a Uniform Resource Identifier (URI), which we use for defining the item description vocabulary.
We compute the Jaccard similarity between two items using the nodes connected to the movies represented by their graphs. For an item i, we build the set of properties i prop of the neighboring resources. The Jaccard similarity between the items is defined by the formula
s i m ( i , j ) = | i prop j prop | | i prop j prop | .

3.3. Notion of Similarity Based on Fisher Information

In this section, we describe our new method, a feature representation of the items that augments the similarity measures of the previous section by using global information. Our representation can be the basis of performance improvement, since it relies on global structural properties rather than simple statistics between the user feedback or content of the two items in question. In addition, by starting out with multimodal similarity measures, including implicit or explicit user feedback, user independent metadata, such as text description, linkage, or even multimedia content, our machinery yields a parameter-free combination of the different item descriptions. Hence, the current section builds upon and fuses all the possible representations described in the previous sections.
Our method is based on the theory of the tangent space representation of items described in a sequence of papers with the most important steps including [11,12,13]. In this section, we describe the theory and its adaptation to the item-to-item recommendation task where we process two representations, one for the previous and one for the current item.
After describing our feature representation, in the subsequent subsections we give three different distance metrics in the representing space, based on different versions of the feature representations. We start our definition of global structural similarity by considering a set of arbitrary item pair similarity measures, such as the ones listed in the previous section. We include other free model parameters θ , which can, for example, serve to scale the different raw attributes or the importance of attribute classes. We give a generative model of items i as a random variable p ( i | θ ) . From p ( i | θ ) , we infer the distance and the conditional probability of pairs of items i and j by using all information in θ .
To define the item similarity generative model, let us consider a certain sample of items S = { i 1 , i 2 , , i N } (e.g., most popular or recent items), and assume that we can compute the distance of any item i from each of i n S . We consider our current item i along with its distance from each i n S as a random variable generated by a Markov Random Field (MRF). Random Fields are a set of (dependent) random variables. In case of MRF, the connection between the elements is described by an undirected graph satisfying the Markov property [48]. For example, the simplest Markov Random Field can be obtained by using a graph with edges between item i and items i n S , as shown in Figure 1.
Let us assume that we are given a Markov Random Field generative model for p ( i | θ ) . By the Hammersley–Clifford theorem [49], the distribution of p ( i | θ ) is a Gibbs distribution, which can be factorized over the maximal cliques and expressed by a potential function U over the maximal cliques as follows:
p ( i θ ) = e U ( i θ ) / Z ( θ ) ,
where U ( i θ ) is the energy function and
Z ( θ ) = i e U ( i θ )
is the sum of the exponent of the energy function over our generative model, a normalization term called the partition function. If the model parameters are previously determined, then Z ( θ ) is a constant.
By using the Markov Random Field defined by the graph in Figure 1, or some more complex ones defined later, a wide variety of proper energy functions can be used to define a Gibbs distribution. The weak but necessary restrictions are that the energy function has to be positive real valued, additive over the maximal cliques of the graph, and more probable parameter configurations have to have lower energy.
We define our first energy function for (6) based on the similarity graph of Figure 1. Since the maximal cliques of that graph are its edges, the energy function has the form
U ( i θ = { α 1 , . . , α N } ) : = n = 1 N α n dist ( i , i n ) ,
where S = { i 1 , . . , i N } is a finite sample set, dist is an arbitrary distance or divergence function of item pairs, and the hyperparameter set θ is the weight of the elements in the sample set.
In a more complex model, we capture the connection between pairs of items by extending the generative graph model with an additional node for the previous item as shown in Figure 2. In the pairwise similarity graph, the maximal clique size increases to three. To capture the joint energy with parameters θ = { β n } , we can use a heuristic approximation similar to the pseudo-likelihood method [48]: we approximate the joint distribution of each size three clique as the sum of the individual edges by
U ( i , j θ ) : = n = 1 N β n ( dist ( i , i n ) + dist ( j , i n ) + dist ( i , j ) ) .
At first glance, the additive approximation seems to oversimplify the clique potential and falls back to the form of Equation (8). However, the three edges of clique n share the hyperparameter β n , which connects these edges in our modeling approach.
Based on either of the energy functions in Equation (8) or (9), we are ready to introduce the Fisher information to estimate distinguishing properties by using the similarity graphs. Let us consider a general parametric class of probability models p ( i | θ ) where θ Θ R . The collection of models with parameters from a general hyperparameter space Θ can then be viewed as a (statistical) manifold M Θ , provided that the dependence of the potential on Θ is sufficiently smooth. By [50], M Θ can be turned into a Riemann manifold by giving an inner product (kernel) at the tangent space of each point p ( i | θ ) M Θ where the inner product varies smoothly with p.
The notion of the inner product over p ( i | θ ) allows us to define the so-called Fisher metric on M. The fundamental result of Čencov [11] states that the Fisher metric exhibits a unique invariance property under some maps, which are quite natural in the context of probability. Thus, one can view the use of Fisher kernel as an attempt to introduce a natural comparison of the items on the basis of the generative model [12].
We start by defining the Fisher kernel over the manifold M Θ of probabilities p ( i | θ ) as in Equation (6), by considering the tangent space. The tangent vector, which is the row vector defined as
G i = θ log p ( i | θ ) = θ 1 log p ( i | θ ) , , θ N log p ( i | θ ) ,
is called the Fisher score of (the occurrence of) item i. An intuitive interpretation is that G i gives the direction where the parameter vector θ should be changed to fit item i the best [13]. The Fisher information matrix is a positive definite matrix of size N × N , defined as
F ( θ ) : = E θ θ log p ( i | θ ) T θ log p ( i | θ ) ,
where the expectation is taken over p ( i | θ ) , i.e.,
F ( θ ) n m = i T p ( i | θ ) θ n log p ( i | θ ) θ m log p ( i | θ ) ,
where T is the set of all items. The corresponding kernel function
K ( i , j ) : = G i F 1 G j T
is called the Fisher kernel. We further define the Fisher vector of item i as
G i = G i F 1 2 ,
so that the equation
G i G j T = K ( i , j )
holds (as F is symmetric).
Thus, to capture the generative process, the gradient space of M Θ is used to derive the Fisher vector, a mathematically grounded feature representation of item i.

3.4. Item-to-Item Fisher Distance (FD)

Based on the feature representation framework of the previous section, in the next three subsections we propose three item similarity measures.
Our first measure arises as an inner product of the Fisher vectors. Any inner product can be used to obtain a metric by having u = u , u 1 2 . Using the Fisher kernel K ( i , j ) , the Fisher distance can be formulated as
dist F ( i , j ) = G i G j K = K ( i , i ) 2 K ( i , j ) + K ( j , j ) .
Thus, we need to compute the Fisher kernel over our generative model as in (12). By substituting into (15), the recommended next item after item i will be
j = arg min j i dist F ( i , j ) .
The computational complexity of the Fisher information matrix estimated on the training set is O ( T | θ | 2 ) where T is the size of the training set. To reduce the complexity to O ( T | θ | ) , we can approximate the Fisher information matrix with the diagonal as suggested in [12,13]. Our aim is then to compute
G i = G i F 1 2 G i F diag 1 2 .
For this, we observe that
G i k ( θ ) = θ k log p ( i | θ ) = θ k log e U ( i | θ ) j S e U ( j | θ ) = l T e U ( j | θ ) j S e U ( j | θ ) U ( l | θ ) θ k U ( i | θ ) θ k = l T p ( l | θ ) U ( l | θ ) θ k U ( i | θ ) θ k ,
and also that
U ( i | θ ) θ k = dist i , i k .
Combining (17) and (18), we get
G i k ( θ ) = E θ dist i , i k dist i , i k .
Also, since
F k k = E θ θ k log p ( i | θ ) 2 ,
by (17) and (18)
F k k = E θ E θ dist i , i k dist i , i k 2 ,
i.e., for the energy functions of Equations (8) and (9), the diagonal of the Fisher kernel is the standard deviation of the distances from the samples.
Finally, using this information, we are able to compute G i as
G i k = E θ dist i , i k dist i , i k E θ 1 2 E θ dist i , i k dist i , i k 2 ,
which gives us the final kernel function as
K ( i , j ) = G i F 1 G j T G i F d i a g 1 G j T = G i F d i a g 1 2 F d i a g 1 2 G j T = k G i k G j k .
The formula in (22) involves the distance values on the right side, which are readily available, and the expected values on the left side, which can be estimated by using the training data. We note that here we make a heuristic approximation: instead of computing the expected values (e.g., by simulation), we substitute the mean of the distances from the training data.
All of the measures in Section 3 can be used in the energy function as the distance measure after small modifications. Now, let us assume that our similarity graph (Figure 1) has only one sample element i, and the conditional item is also i. The Fisher kernel will be
K ( i , j ) = 1 σ i 2 ( μ i dist ( i , i ) ) ( μ i dist ( i , j ) ) = μ i 2 σ i 2 μ i σ i 2 dist ( i , j ) = C 1 C 2 dist ( i , j ) ,
where μ i and σ i are the expected value and variance of distance from item i. Therefore, if we fix θ , C 1 and C 2 are positive constants, and the minimum of the Fisher distance is
min j i dist F ( i , j ) = min j i K ( i , i ) 2 K ( i , j ) + K ( j , j ) = min j i 2 C 2 dist ( i , j ) = min j i dist ( i , j ) .
Hence, if we measure the distance over the latent factors of EIR, the recommended items will be the same as defined by EIR, see Equation (10) in [6].

3.5. Item-to-Item Fisher Conditional Score (FC)

Our second item similarity measure relies on the item-item transition conditional probability G j | i ( θ ) computed from the Fisher scores of Equation (10). As the gradient corresponds to how well the model fits the sample, the easiest fit as next item j has the lowest norm; hence,
j = arg min j i | | G j | i ( θ ) | | .
We compute G j | i ( θ ) by the Bayes theorem as
G j | i = θ log p ( j | i ; θ ) = θ log p ( i , j | θ ) p ( i | θ ) = = θ log p ( i , j | θ ) θ log p ( i | θ ) = = G i j G i .
To compute, we need to determine the joint and the marginal distributions G i j and G i for a particular item pair. For an energy function as in Equation (8), we have seen in (19) that the Fisher score of i has a simple form,
G i k ( θ ) = E θ [ dist ( i , i k ) ] dist ( i , i k ) ,
and it can be seen similarly for Equation (9) that
G i j k ( θ ) = E θ [ dist ( i , i k ) + dist ( j , i k ) + dist ( i , j ) ] ( dist ( i , i k ) + dist ( j , i k ) + dist ( i , j ) ) .
Now, if we put (28) and (29) into (27), several terms cancel out and the Fisher score becomes
G j | i k = E θ [ dist ( j , i k ) + dist ( i , j ) ] ( dist ( j , i k ) + dist ( i , j ) ) .
Substituting the mean instead of computing the expected value as in Section 3.4, the probabilities p ( k , l | θ ) = 1 n 2 . Using this information, we can simplify the above formula:
r T l T 1 n 2 dist l , i k + dist r , l dist j , i k + dist i , j =
= 1 n l T dist l , i k + 1 n 2 r T l T dist r , l dist j , i k dist i , j .
Since the second term is independent of k, it has to be calculated only once, making the computation O ( | T | 2 + | T | N ) . Thus, this method is less computationally efficient than the previous one.

3.6. Multimodal Fisher Score and Distance

So far we have considered only a single distance or divergence measure over the items. We can expand the model with additional distances with a simple modification to the graph of Figure 1. We expand the points of the original graph into new points R i = { r i , 1 , . . , r i , | R | } corresponding to R representatives for each item i n in Figure 3. There is an edge between two item representations r i , and r j , k if they are the same type of representation ( = k ) and the two items were connected in the original graph. This transformation does not affect the maximal clique size and, therefore, the energy function is a simple addition, as
U ( i θ ) = n = 1 N r = 1 | R | α n r dist r ( i r , i n r ) .
If we expand the joint similarity graph to a multimodal graph, the energy function will be
U ( i , j θ ) = n = 1 N r = 1 | R | β n r ( dist r ( i r , i n r ) + dist r ( j r , i n r ) + dist r ( i r , j r ) ) .
Now, let the Fisher score for any distance measure r R be G i r . In that case, the Fisher score for the multimodal graph is the concatenation of the unimodal Fisher scores, as
G i m u l t i = { G i 1 , . . , G i | R | } ,
and, therefore, the norm of the multimodal Fisher score is a simple sum over the norms:
| | G i m u l t i | | = r = 1 | R | | | G i r | | .
The calculation is similar for the Fisher kernel of Equation (23); thus, the multimodal kernel can be expressed as
K m u l t i ( i , j ) = r = 1 | R | K r ( i , j ) .

4. Recurrent Neural Networks and Fisher Embedding

All similarity measures of Section 3, both the traditional and the Fisher information based ones, utilize only the last consumed item for prediction. Clearly, additional information can be gained from previous items and item transitions in the session. In this section, we give a new method that utilizes the representations of potentially all previous items in the session by incorporating them as an item embedding in a recurrent neural network.
A possible method for predicting the next item based on a sequence of items is Gru4Rec [7], a Recurrent Neural Network model. Gru4Rec transforms a high-dimensional one-hot encoded item representation into a relative small dimensional but dense embedded vector. The model dynamically learns vector embeddings for the items and feeds the representations of the item sequence to GRU units [17] in a neural network. The prediction of the next item is done by a softmax layer, which represents the predicted probability distribution of the next item. During training, the model is optimized for predicting the next item in the sequence.
The Gru4Rec session recommender algorithm reads a sequence of items i 1 , i 2 , , i m consumed by a user, and predicts the next item i m + 1 in the session by estimating the probability distribution p ( i m + 1 i m , i m 1 , , i 1 ) . Gru4Rec uses GRU units as shown in Figure 4. In each time step m, a GRU unit reads an input x m and updates its internal state h m :
z m = σ W z x m + U z h m 1
r m = σ W r x m + U r h m 1
h ^ m = tanh W x m + U r m h m 1
h m = ( 1 z m ) h m 1 + z m h ^ m ,
where the matrices W and U are trainable parameters of the GRU unit.
In our case, x m = E i m is an embedding E R | T | × k of item i m where T is the set of items and k is the predefined dimensionality of the embedding. Gru4Rec defines another matrix S R k × | T | as the output item representation in the softmax layer that selects the most probable next item to recommend. The model recursively calculates the prediction the following way:
h m = GRU ( h m 1 , E i m ) ;
p ( i m + 1 = j ) = e h m S j n T e h m S n .
Since the matrices E and S both contain representations of the items, the model can also be defined so that it shares the same parameters for both, i.e., it has the constraint S = E T .
In the original Gru4Rec algorithm, matrices E and S are updated by backpropagation, using the error defined at the output softmax layer. In our modified algorithm, we propose two ways to take advantage of the similarity graphs and Gru4Rec:
  • Instead of using the embedding that we obtain by training the network, we use the Fisher normalized vector from Equation (13).
  • Optionally, we further extend the model with a linear layer, represented by matrix M R k × k and calculate h m = GRU ( h m 1 , E i k M ) , see Figure 4.
The linear transformation M is meaningless in the original model; however, it is useful when using the model with precalculated item representations based on Fisher score. In particular, the linear space in Equation (23) can formulate a linear embedding as
G i G i F diag 1 2 ,
and the additional quadratic transformation seems to make the diagonal approximation unnecessary, as for a given i item the k-th element in the transformed embedding will be
E i k = ( G i F diag 1 2 M ) k = j G i j f j M j k .
Since we use the diagonal approximation G i k = G i k f k of ( G i F 1 / 2 ) k in the formula, we simply scale the dimensions of the vector G i by constants, which is seemingly made unnecessary by the learned transformation matrix. However, since the optimization process is highly non-convex, we may converge to a completely different suboptimal local optimum without using the scaling provided by the F-term.

5. Experiments

We performed experiments on four publicly available data sets: Netflix [25], MovieLens (http://grouplens.org/datasets/movielens/), Ziegler’s Books [51], and Yahoo! Music [52]. We randomly split users into a training and a testing set. The number of training and testing pairs and the properties of the data sets can be seen in Table 1.
We compute an item transition matrix from the items consumed by the users in sessions of the training data. For example, for a session of items a, b, and c, we create three co-occurrence pairs [ ( a , b ) , ( b , c ) , ( c , a ) ] . In a co-occurrence pair ( i , j ) we call the first element current item and the second element next item. For each session in the dataset we first generate the co-occurrence pairs, and then calculate the frequency of the pairs and items. Table 2 shows that most co-occurrence pairs in the data sets are infrequent, and 75% of the pairs have low support. Another way to show that most of the pairs are infrequent is to compute the kernel density estimation (KDE) of the frequency of the pairs. KDE [53] is a non-parametric approach for density estimation. Figure 5 shows the KDE plots for the data sets. We observe that most of the co-occurring pairs are infrequent for all the data sets. In our experiments, we focus on infrequent item transitions using only the pairs of items where the current item appears with low support in the dataset (i.e., under the 75% percentile). The maximum item support that we considered for the data sets in our experiments is 2 for Books, 23 for Yahoo! Music, 300 for MovieLens and 1241 for Netflix.
We extended the item metadata of the MovieLens dataset by mapping attributes to DBpedia. By doing this, we enriched the attributes of the movies by connecting them with edges labeled by the director, actors, or genre. Figure 6 presents an example of the relations between movies using some of the properties of DBpedia. We compute the Jaccard similarity between two items using the nodes connected to the movies represented by their graphs.
Out of the 3600 movies in the MovieLens dataset, we were able to map 3100 movies to DBpedia using DBpedia Spotlight [54]. The resulting mapping consists of 371 properties and 146,000 property values. Most properties appear only a few times, as presented in Table 3. Due to sparsity, we only used the some of the properties including starring, writer, genre, director, and producer. Table 4 shows the the most popular values for each of the selected movie properties. We consider the similarity between the movies as the Jaccard similarity of the sets of the corresponding movie properties. Table 5 presents statistics for the Jaccard similarity between the movies using the 100 most similar movies for each item.
As baseline methods, we computed four item-item similarity measures: Empirical Conditional Probability (ECP), Cosine (Cos), and Jaccard as defined in Section 3, and we also implemented the Euclidean Item Recommender of [6] and modified the original Gru4Rec implementation for Fisher embeddings (Code is available at https://github.com/daroczyb/Fisher_embedding). For evaluation, we used MPR [6], Recall, and Discounted Cumulative Gain (DCG) [55].
By following the evaluation method of [6], we sampled 200 random items for each item in the testing set. Given the current item i and next item j in a session, we used our algorithms to rank j along with the random 200 items; we broke ties at random. In our settings, the better the model, the higher the rank of the actual next item j.

6. Results

In this section, we present our experiments related to the recommendation quality of the similarity functions and the versions of feedback and content similarity. Our new methods are FC, Fisher conditional score from Section 3.5 followed by similarity, and FD, Fisher distance from Section 3.4 followed by similarity. We also investigate the size of the sample set used for defining these methods. As our final application of our feature representation, we experiment with using FC and FD as replacements for the neural embeddings in Gru4Rec described in Section 4.

6.1. Sample Set

The similarity graphs are defined via the set of items used as samples (Figure 1, Figure 2 and Figure 3). To smooth the Fisher vector representation of sparse items, we choose the most popular items in the training set as elements for the sample set. As we can see in Figure 7, recommendation quality saturates at a certain sample set size. Therefore, we set the size of the sample set to 10 or 20 for the remaining experiments.

6.2. Modalities: Implicit Feedback and Content

In Table 6 we show our experiments with DBPedia content as a modality on MovieLens. The overall best performing model is the multimodal Fisher with Jaccard similarity, while every unimodal Fisher method outperforms the baselines. By using Equation (37), we can blend different modalities, such as content and feedback, without the need of setting external parameters or applying learning for blending. We use a sample size of 10 in these experiments.

6.3. Recurrent Neural Networks and Fisher Embedding

In Table 7 we show our experiments comparing the usage of Fisher embeddings with dynamically learned neural embeddings. The Fisher embedding based experiments are comparable to the baseline Gru4Rec even with simple similarity measures. In the last row of the table, we linearly combine the predicted scores of separately trained Gru4Rec networks using the feedback Jaccard similarity based Fisher embedding and the Content similarity based Fisher embedding. The effect of the linear combination is presented in Figure 8. The performance of the models in case of different item supports is presented in Figure 9.
We can observe that the performance of the feedback Jaccard similarity based Fisher embedding in combination with the Gru4Rec network performs similar to the dynamically learned neural embeddings of the original model, with the former performing better in terms of MPR and Recall, and the latter performing better in terms of DCG. While using content based Fisher embeddings by themselves produces worse results, these content based features combine well with the collaborative feedback-based ones. The good DCG performance of the original Gru4Rec model leads us to believe that this model places more emphasis on the top of the ranking list, in comparison to the Fisher embedding based versions, which perform better when measured by metrics that do not weigh by rank.
We also run experiments to measure the dependence of Gru4Rec performance on the input embeddings. We trained Gru4Rec by using randomly sampled vectors as input embeddings, and without any further modification of these vectors, the model still achieved an MPR score of 0.1642 . While the score we achieved is weak compared to our other expriements, is still much better than the expected score of random item ordering. We conclude that the model is still able to learn the distribution of the items and certain item transitions via training its softmax layer.

6.4. Item-to-Item Methods over Infrequent Items

One of the main challenges in the field of recommendation systems is the “cold start” problem when the new items have too few transactions that can be used for modeling. Due to the importance of cold start recommendation, we examine the performance of our methods in the case of item transitions where the next item has low support. Figure 10 shows the advantage of the Fisher methods for item-to-item recommendation for different item support values. As support increases, best results are reached by blending based on item support. If the current session ends with an item of high support, we can take a robust baseline recommender, and if the support is less than roughly 100, we can use the FC or FD representation for constructing the recommendation.
Table 8, Table 9, Table 10 and Table 11 present our detailed results for item-to-item recommendation by using feedback similarity. The choice of the distance function strongly affects the performance of the Fisher models. As seen in Table 8, the overall best performing distance measure is Jaccard for both types of Fisher models. The results in Table 9, Table 10 and Table 11 show that the linear combination of the standard normalized scores of the Fisher methods outperforms the best unimodal methods (Fisher with Jaccard) for Netflix and Books, while for MovieLens and Yahoo! Music, Fisher distance with Jaccard performs best.

7. Conclusions

Recommending infrequent item-to-item transitions without personalized user history is a challenging dimensionality reduction task. In this paper, we considered the session-based item-to-item recommendation task, in which the recommender system has no personalized knowledge of the user beyond the last items visited in the current user session, a scenario that often occurs when physical sensors log the behavior of visitors indoors or outdoors.
We proposed Fisher information-based global item-item similarity models for the session modeling task. We reached improvement over existing methods in case of item-to-item transitions and session-based recommendations by experimenting with a variety of data sets as well as evaluation metrics. We constrained our similarity graphs for simple item-to-item transitions, defining the next item depending only on the last seen item. By using recurrent neural networks, we were able to expand our model to utilize more than one of the previous items in a session.
As a key feature, the model is capable of fusing different modalities, including collaborative filtering, content, and side information, without the need for learning weight parameters or using wrapper methods.

Author Contributions

Conceptualization, B.D. and A.B.; methodology, D.K, B.D., F.A.-G.; software, D.K., F.A.-G., and A.O.; validation, D.K., F.A.-G., and A.O.; formal analysis, B.D.

Funding

The publication was supported by the Hungarian Government project 2018-1.2.1-NKP-00008: Exploring the Mathematical Foundations of Artificial Intelligence, by the Higher Education Institutional Excellence Program, and by the Momentum Grant of the Hungarian Academy of Sciences. B.D. was supported by an MTA Premium Postdoctoral Grant 2018. F.A.-G. was supported by the Mexican Postgraduate Scholarship of the “Consejo Nacional de Ciencia y Tecnología” (CONACYT).

Conflicts of Interest

The authors declare no conflict of interest. The funders had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript, or in the decision to publish the results.

Abbreviations

The following abbreviations are used in this manuscript:
DCGDiscounted Cumulative Gain [55]
ECPEmpirical Conditional Probability
EIREuclidean Item Recommender [6]
FCModel from Section 3.5 followed by similarity
FDModel from Section 3.4 followed by similarity
GRUGated Recurrent Unit [17]
Gru4RecRecommender algorithm using GRU units [7]
KDEKernel Density Estimation
RNNRecurrent Neural Network

References

  1. Lacic, E.; Kowald, D.; Traub, M.; Luzhnica, G.; Simon, J.; Lex, E. Tackling Cold-Start Users in Recommender Systems with Indoor Positioning Systems. In Proceedings of the 9th ACM Conference on Recommender Systems, RecSys 2015, Vienna, Austria, 16–20 September 2015. [Google Scholar]
  2. Christodoulou, P.; Christodoulou, K.; Andreou, A. A Real-Time Targeted Recommender System for Supermarkets; SciTePress: Porto, Portugal, 2017. [Google Scholar]
  3. Sato, G.; Hirakawa, G.; Shibata, Y. Push Typed Tourist Information System Based on Beacon and Augumented Reality Technologies. In Proceedings of the IEEE 31st International Conference on Advanced Information Networking and Applications (AINA), Taipei, Taiwan, 27–29 March 2017. [Google Scholar]
  4. Sarwar, B.; Karypis, G.; Konstan, J.; Reidl, J. Item-based collaborative filtering recommendation algorithms. In Proceedings of the 10th International Conference on World Wide Web, Hong Kong, China, 1–5 May 2001; pp. 285–295. [Google Scholar]
  5. Wang, X.; Zheng, Y.; Zhao, Z.; Wang, J. Bearing fault diagnosis based on statistical locally linear embedding. Sensors 2015, 15, 16225–16247. [Google Scholar] [CrossRef] [PubMed]
  6. Koenigstein, N.; Koren, Y. Towards scalable and accurate item-oriented recommendations. In Proceedings of the 7th ACM RecSys, Hong Kong, China, 12–16 October 2013; pp. 419–422. [Google Scholar]
  7. Hidasi, B.; Karatzoglou, A.; Baltrunas, L.; Tikk, D. Session-based recommendations with recurrent neural networks. arXiv 2016, arXiv:1511.06939. [Google Scholar]
  8. Guo, T.; Tan, X.; Zhang, L.; Xie, C.; Deng, L. Block-diagonal constrained low-rank and sparse graph for discriminant analysis of image data. Sensors 2017, 17, 1475. [Google Scholar] [CrossRef] [PubMed]
  9. Schein, A.I.; Popescul, A.; Ungar, L.H.; Pennock, D.M. Methods and metrics for cold-start recommendations. In Proceedings of the 25th ACM SIGIR, Tampere, Finland, 11–15 August 2002; pp. 253–260. [Google Scholar]
  10. Auer, S.; Bizer, C.; Kobilarov, G.; Lehmann, J.; Cyganiak, R.; Ives, Z. Dbpedia: A nucleus for a web of open data. In Proceedings of the International Semantic Web Conference, Busan, Korea, 11–15 November 2007; pp. 722–735. [Google Scholar]
  11. Čencov, N.N. Statistical Decision Rules and Optimal Inference; American Mathematical Society: Providence, RI, USA, 2000. [Google Scholar]
  12. Jaakkola, T.S.; Haussler, D. Exploiting generative models in discriminative classifiers. In Proceedings of the Advances in Neural Information Processing Systems, Denver, CO, USA, 30 November–5 December 1998; pp. 487–493. [Google Scholar]
  13. Perronnin, F.; Dance, C. Fisher kernels on visual vocabularies for image categorization. In Proceedings of the IEEE CVPR’07, Minneapolis, MN, USA, 17–22 June 2007. [Google Scholar]
  14. Cai, J.; Chen, J.; Liang, X. Single-sample face recognition based on intra-class differences in a variation model. Sensors 2015, 15, 1071–1087. [Google Scholar] [CrossRef] [PubMed]
  15. Zhao, X.; Zhang, S. Facial expression recognition based on local binary patterns and kernel discriminant Isomap. Sensors 2011, 11, 9573–9588. [Google Scholar] [CrossRef] [PubMed]
  16. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436. [Google Scholar] [CrossRef] [PubMed]
  17. Cho, K.; van Merrienboer, B.; Gulcehre, C.; Bougares, F.; Schwenk, H.; Bengio, Y. Learning phrase representations using RNN encoder-decoder for statistical machine translation. In Proceedings of the Conference on Empirical Methods in Natural Language Processing (EMNLP 2014), Doha, Qatar, 25–29 October 2014. [Google Scholar]
  18. Hochreiter, S.; Schmidhuber, J. Long Short-Term Memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef] [PubMed]
  19. Deshpande, M.; Karypis, G. Item-based top-n recommendation algorithms. ACM Trans. Inf. Syst. 2004, 22, 143–177. [Google Scholar] [CrossRef]
  20. Hu, Y.; Koren, Y.; Volinsky, C. Collaborative filtering for implicit feedback datasets. In Proceedings of the IEEE ICDM’08, Pisa, Italy, 15–19 December 2008; pp. 263–272. [Google Scholar]
  21. Ricci, F.; Rokach, L.; Shapira, B. Introduction to Recommender Systems Handbook; Springer: Boston, MA, USA, 2011. [Google Scholar]
  22. Linden, G.; Smith, B.; York, J. Amazon.com recommendations: Item-to-item collaborative filtering. IEEE Internet Comput. 2003, 7, 76–80. [Google Scholar] [CrossRef]
  23. Wang, H.; Yeung, D.-Y. Towards bayesian deep learning: A framework and some existing methods. IEEE Trans. Knowl. Data Eng. 2016, 28, 3395–3408. [Google Scholar] [CrossRef]
  24. Lops, P.; de Gemmis, M.; Semeraro, G. Content-based recommender systems: State of the art and trends. In Recommender Systems Handbook; Springer: Boston, MA, USA, 2011; pp. 73–105. [Google Scholar]
  25. Bennett, J.; Lanning, S. The netflix prize. In Proceedings of the KDD Cup and Workshop, San Jose, CA, USA, 12–15 August 2007. [Google Scholar]
  26. Koren, Y. The Bellkor Solution to the Netflix Grand Prize. Netflix Prize Documentation. 2009. Available online: https://www.asc.ohio-state.edu/statistics/dmsl/GrandPrize2009_BPC_BellKor.pdf (accessed on 5 August 2019).
  27. Pilászy, I.; Serény, A.; Dózsa, G.; Hidasi, B.; Sári, A.; Gub, J. Neighbor methods vs. matrix factorization—Case studies of real-life recommendations. In Proceedings of the ACM RecSys’15 LSRS, Vienna, Austria, 16–20 September 2015. [Google Scholar]
  28. Desrosiers, C.; Karypis, G. A comprehensive survey of neighborhood-based recommendation methods. In Recommender Systems Handbook; Springer: Boston, MA, USA, 2011; pp. 107–144. [Google Scholar]
  29. Davidson, J.; Liebald, B.; Liu, J.; Nandy, P.; van Vleet, T.; Gargi, U.; Gupta, S.; He, Y.; Lambert, M.; Livingston, B.; et al. The youtube video recommendation system. In Proceedings of the fourth ACM RecSys, Barcelona, Spain, 26–30 September 2010; pp. 293–296. [Google Scholar]
  30. Koren, Y. Factor in the neighbors: Scalable and accurate collaborative filtering. ACM Trans. Knowl. Discov. Data 2010, 4, 1. [Google Scholar] [CrossRef]
  31. Rendle, S.; Freudenthaler, C.; Schmidt-Thieme, L. Factorizing personalized Markov chains for next-basket recommendation. In Proceedings of the 19th International Conference on World Wide Web, Raleigh, NC, USA, 26–30 April 2010; pp. 811–820. [Google Scholar]
  32. Hidasi, B.; Tikk, D. Fast ALS-based tensor factorization for context-aware recommendation from implicit feedback. In Machine Learning and Knowledge Discovery in Databases; Springer: Berlin, Germany, 2012; pp. 67–82. [Google Scholar]
  33. Hidasi, B.; Tikk, D. Context-aware item-to-item recommendation within the factorization framework. In Proceedings of the 3rd Workshop on Context-Awareness in Retrieval and Recommendation, Rome, Italy, 5 February 2013; pp. 19–25. [Google Scholar]
  34. Salakhutdinov, R.; Mnih, A.; Hinton, G. Restricted Boltzmann machines for collaborative filtering. In Proceedings of the 24th International Conference on Machine Learning, Corvalis, OR, USA, 20–24 June 2007; pp. 791–798. [Google Scholar]
  35. Hochreiter, S. Untersuchungen zu Dynamischen Neuronalen Netzen; Technische Universität München: Munich, Germany, 1991. [Google Scholar]
  36. Fang, B.; Liao, S.; Xu, K.; Cheng, H.; Zhu, C.; Chen, H. A novel mobile recommender system for indoor shopping. Expert Syst. Appl. 2012, 39, 11992–12000. [Google Scholar] [CrossRef]
  37. Husain, W.; Dih, L.Y. A framework of a personalized location-based traveler recommendation system in mobile application. Int. J. Multimed. Ubiquitous Eng. 2012, 7, 11–18. [Google Scholar]
  38. Hinze, A.; Junmanee, S. Travel Recommendations in a Mobile Tourist Information System; Gesellschaft fur Informatik: Bonn, Germany, 2005. [Google Scholar]
  39. Li, X.; Murata, T. Customizing knowledge-based recommender system by tracking analysis of user behavior. In Proceedings of the 17th International Conference on Industrial Engineering and Engineering Management, Xiamen, China, 29–31 October 2010; pp. 65–69. [Google Scholar]
  40. Berka, T.; Plößnig, M. Designing recommender systems for tourism. In Proceedings of the ENTER 2004, Cairo, Egypt, 26–28 January 2004; pp. 26–28. [Google Scholar]
  41. Jadhav, A.; Sonar, R. An integrated rule-based and case-based reasoning approach for selection of the software packages. In Proceedings of the International Conference on Information Systems, Technology and Management, Ghaziabad, India, 12–13 March 2009; pp. 280–291. [Google Scholar]
  42. Zhu, X.; Ye, H.; Gong, S. A personalized recommendation system combining case-based reasoning and user-based collaborative filtering. In Proceedings of the Chinese Control and Decision Conference, Guilin, China, 17–19 June 2009; pp. 4026–4028. [Google Scholar]
  43. Di Noia, T.; Mirizzi, R.; Ostuni, V.C.; Romito, D.; Zanker, M. Linked open data to support content-based recommender systems. In Proceedings of the 8th International Conference on Semantic Systems, Graz, Austria, 5–7 September 2012; pp. 1–8. [Google Scholar]
  44. Di Noia, T.; Mirizzi, R.; Ostuni, V.C.; Romito, D. Exploiting the web of data in model-based recommender systems. In Proceedings of the Sixth ACM Conference on Recommender Systems, Graz, Austria, 5–7 September 2012; pp. 253–256. [Google Scholar]
  45. Passant, A. DBRec—Music recommendations using DBpedia. In Proceedings of the International Semantic Web Conference, Shanghai, China, 7–11 November 2010; pp. 209–224. [Google Scholar]
  46. Varga, B.; Adrian, G. Integrating dbpedia and sentiwordnet for a tourism recommender system. In Proceedings of the 2011 IEEE 7th International Conference on Intelligent Computer Communication and Processing, Cluj-Napoca, Romania, 25–27 August 2011. [Google Scholar]
  47. Ristoski, P.; MencÃa, E.L.; Paulheim, H. A hybrid multi-strategy recommender system using linked open data. In Proceedings of the Semantic Web Evaluation Challenge, Crete, Greece, 25–29 May 2014; pp. 150–156. [Google Scholar]
  48. Besag, J. Statistical analysis of non-lattice data. J. R. Stat. Soc. Ser. D 1975, 24, 179–195. [Google Scholar] [CrossRef]
  49. Hammersley, J.M.; Clifford, P. Markov Fields on Finite Graphs and Lattices. Unpublished work. 1971. [Google Scholar]
  50. Jost, J. Riemannian Geometry and Geometric Analysis; Springer: Berlin, Germany, 2011. [Google Scholar]
  51. Ziegler, C.-N.; McNee, S.M.; Konstan, J.A.; Lausen, G. Improving recommendation lists through topic diversification. In Proceedings of the 14th International Conference on World Wide Web, Chiba, Japan, 10–14 May 2005; pp. 22–32. [Google Scholar]
  52. Dror, G.; Koenigstein, N.; Koren, Y.; Weimer, M. The Yahoo! music dataset and KDD-Cup’11. In Proceedings of the 2011 International Conference on KDD Cup 2011-Volume 18 (pp. 3–18), Chicago, IL, USA, 23–27 October 2011; pp. 8–18. [Google Scholar]
  53. Silverman, B.W. Density Estimation for Statistics and Data Analysis; CRC Press: Boca Raton, FL, USA, 1986. [Google Scholar]
  54. Daiber, J.; Jakob, M.; Hokamp, C.; Mendes, P.N. Improving Efficiency and Accuracy in Multilingual Entity Extraction. In Proceedings of the 9th International Conference on Semantic Systems (I-Semantics), Graz, Austria, 4–6 September 2013. [Google Scholar]
  55. Järvelin, K.; Kekäläinen, J. Cumulated gain-based evaluation of IR techniques. ACM Trans. Inf. Syst. 2002, 20, 422–446. [Google Scholar] [CrossRef]
Figure 1. Similarity graph of item i with sample items S = { i 1 , i 2 , ... , i N } of distances dist ( i , i n ) from i.
Figure 1. Similarity graph of item i with sample items S = { i 1 , i 2 , ... , i N } of distances dist ( i , i n ) from i.
Sensors 19 03498 g001
Figure 2. Pairwise similarity graph with sample set S = { i 1 , i 2 , ... , i N } for a pair of items i and j.
Figure 2. Pairwise similarity graph with sample set S = { i 1 , i 2 , ... , i N } for a pair of items i and j.
Sensors 19 03498 g002
Figure 3. Single and multimodal similarity graph with sample set S = { i 1 , i 2 , ... , i N } and | R | modalities.
Figure 3. Single and multimodal similarity graph with sample set S = { i 1 , i 2 , ... , i N } and | R | modalities.
Sensors 19 03498 g003
Figure 4. Expanded Gru4Rec model for Fisher embedding.
Figure 4. Expanded Gru4Rec model for Fisher embedding.
Sensors 19 03498 g004
Figure 5. The Kernel Density Estimation function of the item co-occurrence concentrates at infrequent values.
Figure 5. The Kernel Density Estimation function of the item co-occurrence concentrates at infrequent values.
Sensors 19 03498 g005
Figure 6. An example of movies from the MovieLens dataset that shows the relations of the movies using the DBpedia knowledge graphs. The black squares show the movie title, the edges are the properties and the white nodes are the property values.
Figure 6. An example of movies from the MovieLens dataset that shows the relations of the movies using the DBpedia knowledge graphs. The black squares show the movie title, the edges are the properties and the white nodes are the property values.
Sensors 19 03498 g006
Figure 7. The quality of algorithms FD and FC with Jaccard similarity, as the function of the number of most popular items used as reference in the similarity graphs of Figure 1, Figure 2 and Figure 3 (horizontal axis). The Recall (top) and DCG (bottom) increases as we add more items in the sample set (i.e., list of recommended items).
Figure 7. The quality of algorithms FD and FC with Jaccard similarity, as the function of the number of most popular items used as reference in the similarity graphs of Figure 1, Figure 2 and Figure 3 (horizontal axis). The Recall (top) and DCG (bottom) increases as we add more items in the sample set (i.e., list of recommended items).
Sensors 19 03498 g007
Figure 8. Linear combination weights for Feedback Jaccard and content based Fisher embedding models.
Figure 8. Linear combination weights for Feedback Jaccard and content based Fisher embedding models.
Sensors 19 03498 g008
Figure 9. Performance of the different Gru4Rec based models in case of different item supports.
Figure 9. Performance of the different Gru4Rec based models in case of different item supports.
Sensors 19 03498 g009
Figure 10. Recall@20 as the function of item support for the Netflix data set.
Figure 10. Recall@20 as the function of item support for the Netflix data set.
Sensors 19 03498 g010
Table 1. Data sets used in the experiments.
Table 1. Data sets used in the experiments.
Data SetItemsUsersTraining PairsTesting Pairs
Netflix17,749478,4887,082,109127,756
MovieLens36836040670,22015,425
Yahoo! Music433,903497,88127,629,731351,344
Books340,536103,7231,017,11837,403
Table 2. Co-occurrence quartiles.
Table 2. Co-occurrence quartiles.
Data Set25%50%75%Max
Books1121931
MovieLens291073002941
Netflix562171241144,817
Yahoo! Music4923160,514
Table 3. Percentiles for the distribution of how many times a property is used in the knowledge graph. 75% of the properties are used only 42 times. We discard rare movie attributes, and only focus on Starring, writer, genre, director, and producer.
Table 3. Percentiles for the distribution of how many times a property is used in the knowledge graph. 75% of the properties are used only 42 times. We discard rare movie attributes, and only focus on Starring, writer, genre, director, and producer.
MeanStd.Min.25%50%75%Max.
1 K5.3 K1134270 K
Table 4. Top 5 movie features for the selected properties in the knowledge graph.
Table 4. Top 5 movie features for the selected properties in the knowledge graph.
PropertyPopular Values
StarringRobin_Williams, Robert_De_Niro, Demi_Moore, Whoopi_Goldberg, and Bruce_Willis.
WriterWoody_Allen, John_Hughes_(filmmaker), Robert_Towne, Lowell_Ganz, and Ronald_Bass.
GenreDrama_film, Baroque_pop, Blues, Drama, and Rhythm_and_blues.
DirectorAlfred_Hitchcock, Woody_Allen, Steven_Spielberg, Barry_Levinson, and Richard_Donner.
ProducerWalt_Disney, Arnon_Milchan, Brian_Grazer, Roger_Birnbaum, and Scott_Rudin.
Table 5. Statistics of the Jaccard similarity using the 100 most similar movies for each movie.
Table 5. Statistics of the Jaccard similarity using the 100 most similar movies for each movie.
MeanStd.Min.10%20%30.0%40%50%60.0%70%80%90%Max.
0.12760.07280.03650.07780.0870.09450.10050.10660.11790.1260.14290.19760.8165
Table 6. Experiments on MovieLens with DBPedia content, all methods using Jaccard similarity.
Table 6. Experiments on MovieLens with DBPedia content, all methods using Jaccard similarity.
Recall@20DCG@20
Collaborative baseline0.1390.057
Content baseline0.1310.056
FC content0.2390.108
FD content0.2140.093
FC multimodal0.2750.123
Table 7. Experiments on MovieLens with different input embeddings in Gru4Rec. Best performing methods are indicated in boldface.
Table 7. Experiments on MovieLens with different input embeddings in Gru4Rec. Best performing methods are indicated in boldface.
MPRDCG@20Recall@20
Random embedding0.16420.2960.582
Neural embedding0.08900.4660.799
Feedback Jaccard based Fisher embedding0.08530.4370.794
Content based Fisher embedding0.09850.4050.757
Feedback and Content combination0.08090.4460.803
Table 8. Experiments with combination of collaborative filtering for the first quantile (based on KDE estimation of 25%) of the MovieLens data. Best performing methods are indicated in boldface.
Table 8. Experiments with combination of collaborative filtering for the first quantile (based on KDE estimation of 25%) of the MovieLens data. Best performing methods are indicated in boldface.
MPRRecall@20DCG@20
Cosine0.49780.09880.0553
Jaccard0.49780.09880.0547
ECP0.49760.09400.0601
EIR0.32030.12910.0344
FC Cosine0.35830.10200.0505
FD Cosine0.28490.15780.0860
FC Jaccard0.33540.17700.1031
FD Jaccard0.24150.18660.1010
FC ECP0.25040.09400.0444
FD ECP0.42120.16260.0856
FC EIR0.41250.08610.0434
FD EIR0.45290.10680.0560
Table 9. Experiments over the first quantile (based on KDE estimations of 25%). Best performing methods are indicated in boldface.
Table 9. Experiments over the first quantile (based on KDE estimations of 25%). Best performing methods are indicated in boldface.
MovieLensGoodreadsYahoo! MusicNetflix
MPRCosine0.50240.49950.50.5028
Jaccard0.50240.49950.50.5028
ECP0.49740.50040.49990.4968
EIR0.32790.4820.24370.3395
FC Jaccard0.26650.31620.24560.4193
FD Jaccard0.23820.23890.05640.307
FC + FD JC0.36520.27510.13190.3792
Recall@20Cosine0.09880.09660.08010.1254
Jaccard0.09880.09660.08010.1254
ECP0.08930.09560.08010.0954
EIR0.12120.09960.13240.1033
FC Jaccard0.18340.10840.13580.1845
FD Jaccard0.18660.09170.23340.1636
FC + FD JC0.1180.1360.1010.3034
DCG@20Cosine0.05180.05050.0440.0739
Jaccard0.05180.05050.0440.0733
ECP0.05280.05050.0440.0772
EIR0.04050.06350.050.1198
FC Jaccard0.10450.05170.06630.106
FD Jaccard0.10850.04620.11120.0971
FC + FD JC0.0710.07570.05590.1734
Table 10. Experiments over the first two quantiles (based on KDE estimations of 50%). Best performing methods are indicated in boldface.
Table 10. Experiments over the first two quantiles (based on KDE estimations of 50%). Best performing methods are indicated in boldface.
MovieLensGoodreadsYahoo! MusicNetflix
MPRCosine0.51450.49950.50020.5017
Jaccard0.51430.49950.50020.5014
ECP0.48360.50040.49970.4953
EIR0.34740.4820.24950.3522
FC Jaccard0.31810.31620.24520.4534
FD Jaccard0.25890.23890.06290.3191
FC + FD JC0.31670.27510.13570.3634
Recall@20Cosine0.10990.09660.09580.1792
Jaccard0.10990.09660.09580.1789
ECP0.10010.09560.09580.0863
EIR0.10660.09960.11090.0914
FC Jaccard0.1370.10840.1210.1683
FD Jaccard0.14110.09170.2080.1448
FC + FD JC0.09810.1360.10340.3071
DCG@20Cosine0.05720.05050.05320.0987
Jaccard0.05740.05050.05320.097
ECP0.05410.05050.05320.1104
EIR0.04740.06350.04590.1283
FC Jaccard0.07290.05170.06280.0973
FD Jaccard0.07870.04620.10170.0833
FC + FD JC0.05380.07570.05670.1743
Table 11. Experiments over the first three quantiles (based on KDE estimations of 75%). Best performing methods are indicated in boldface.
Table 11. Experiments over the first three quantiles (based on KDE estimations of 75%). Best performing methods are indicated in boldface.
MovieLensGoodreadsYahoo! MusicNetflix
MPRCosine0.52230.49920.49890.4912
Jaccard0.52030.49920.49890.4865
ECP0.46680.50070.5010.4866
EIR0.35780.46630.2540.3775
FC Jaccard0.44060.32570.2560.4491
FD Jaccard0.39870.25020.07630.3441
FC + FD JC0.34310.28710.15070.3613
Recall@20Cosine0.12330.09790.09580.1996
Jaccard0.12260.09790.09580.1588
ECP0.0960.09610.09270.0689
EIR0.10520.10480.12060.0724
FC Jaccard0.12250.11820.13160.2023
FD Jaccard0.11330.08910.20680.0983
FC + FD JC0.09690.14160.12150.3235
DCG@20Cosine0.06550.04990.05280.1127
Jaccard0.06550.04990.05280.0913
ECP0.05880.04990.05280.1655
EIR0.04950.05840.05450.1382
FC Jaccard0.06570.05820.06810.114
FD Jaccard0.05870.04670.10440.0542
FC + FD JC0.05060.08220.06860.1827

Share and Cite

MDPI and ACS Style

Kelen, D.; Daróczy, B.; Ayala-Gómez, F.; Ország, A.; Benczúr, A. Session Recommendation via Recurrent Neural Networks over Fisher Embedding Vectors. Sensors 2019, 19, 3498. https://doi.org/10.3390/s19163498

AMA Style

Kelen D, Daróczy B, Ayala-Gómez F, Ország A, Benczúr A. Session Recommendation via Recurrent Neural Networks over Fisher Embedding Vectors. Sensors. 2019; 19(16):3498. https://doi.org/10.3390/s19163498

Chicago/Turabian Style

Kelen, Domokos, Bálint Daróczy, Frederick Ayala-Gómez, Anna Ország, and András Benczúr. 2019. "Session Recommendation via Recurrent Neural Networks over Fisher Embedding Vectors" Sensors 19, no. 16: 3498. https://doi.org/10.3390/s19163498

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