b

DiscoverSearch
About
My stuff
Learning to Hash with Graph Neural Networks for Recommender Systems
2020·arXiv
ABSTRACT
ABSTRACT

Recommender systems in industry generally include two stages: recall and ranking. Recall refers to efficiently identify hundreds of candidate items that user may interest in from a large volume of item corpus, while the latter aims to output a precise ranking list using complex ranking models. Recently, graph representation learning has attracted much attention in supporting high quality candidate search at scale. Despite its effectiveness in learning embedding vectors for objects in the user-item interaction network, the computational costs to infer users’ preferences in continuous embedding space are tremendous. In this work, we investigate the problem of hashing with graph neural networks (GNNs) for high quality retrieval, and propose a simple yet effective discrete representation learning framework to jointly learn continuous and discrete codes. Specifically, a deep hashing with GNNs (HashGNN) is presented, which consists of two components, a GNN encoder for learning node representations, and a hash layer for encoding representations to hash codes. The whole architecture is trained end-to-end by jointly optimizing two losses, i.e., reconstruction loss from reconstructing observed links, and ranking loss from preserving the relative ordering of hash codes. A novel discrete optimization strategy based on straight through estimator (STE) with guidance is proposed. The principal idea is to avoid gradient magnification in back-propagation of STE with continuous embedding guidance, in which we begin from learning an easier network that mimic the continuous embedding and let it evolve during the training until it finally goes back to STE. Comprehensive experiments over three publicly available and one real-world Alibaba company datasets demonstrate that our model not only can achieve comparable performance compared with its continuous counterpart but also runs multiple times faster during inference.

KEYWORDS

Network embedding, Unsupervised hashing, Discrete representation learning, Hierarchical retrieval

ACM Reference Format:

Qiaoyu Tan, Ninghao Liu, Xing Zhao, Hongxia Yang, Jingren Zhou, and Xia Hu. 2020. Learning to Hash with Graph Neural Networks for Recommender Systems. In  Proceedings of The Web Conference 2020 (WWW ’20), April 20–24,2020, Taipei, Taiwan. ACM, New York, NY, USA, 11 pages. https://doi.org/10. 1145/3366423.3380266

Recommender system has become the fundamental tool in our daily life to support various services online, i.e., web search and E-commerce platforms. Given a query, the recommendation engine is expected to recommend a small set of items that users prefer from the database. In practice, this process contains two important stages: Recall and Ranking. Recall process aims to efficiently retrieval hundreds of candidate items from the source corpus, e.g., million items, while ranking refers to generate a accurate ranking list using predictive ranking models. Currently, network embedding approach has been extensively studied in recommendation scenarios to improve the recall quality at scale. These methods aim to represent each object in the user-item interaction network with a low-dimensional continuous embedding vector  z ∈ Rd, expecting that similar users or items have similar embeddings. Among them, graph neural networks (GNNs) [16, 24], as a special instantiation of neural networks for structured data, have achieved state-of-the-art performance in information retrieval [10]. Despite their retrieval quality, the computational costs to filter such a number of candidates in continuous embedding space are expensive, due to the inference inefficiency with O(Nd) computational complexity for linear search in the worse case, where N is the total number of objects in corpus. Therefore, it’s a promising direction to improve the efficiency of recall stage in real-world recommendation.

To overcome the computational barriers, hashing [51] has attracted increasing attention due to its great efficiency in retrieving from large data. The basic idea of hashing is to construct a mapping functions to index each object into a compact binary code, minimizing the Hamming distances for similar objects and maximizing on dissimilar ones. Recently, hand-craft feature based models [13, 14, 33] and deep models [9, 27, 31, 59] have been proposed, where the formers seek hashing function on hand-crafted features and separate the encoding of feature representations from their quantization to hashing codes, resulting in sub-optimal solutions. The latters jointly learn feature representations and hashing projections. While encouraging performances are reported in these methods, the key disadvantage of them is that they need to first learn continuous representations which are then binarized into hashing codes in a separated post-step with sign thresholding. Therefore, with continuous relaxation, these methods essentially solve an optimization problem that deviates from the hashing objectives, and may fail to generate compact binary codes. Besides, for those deep hashing methods that are mainly tailored to generate high quality binary codes, the representative ability of associated continuous embeddings may be poor as shown in Figure 1. We can observe that the retrieval accuracy of state-of-the-art hashing methods are inferior to the corresponding continuous embeddings in recommendation scenarios. As a result, it impedes the implementation of finer-level ranking in recommender systems.

To bridge the gap, we propose an end-to-end discrete representation learning framework that can optimize over both continuous and binary representations, which embraces two challenges. First, to accurately generate binary hash codes h from associated continuous embeddings z, we need to adopt the  siдn function h = siдn(z) asactivation on the top of hashing layer. However, the gradient of  siдnfunction is zero for all nonzero values in z, which makes standard back-propagation infeasible, resulting in h and z not compatible. Second, unlike classification problem, in recommendation scenarios we care more relative ranking ordering. Therefore, training losses that merely focus on reconstruction probability of observed link [16] or semantic label information [24] will fail to preserve the ranking structure in hashing codes, making hamming space retrieval ineffective. Optimizing deep hashing networks with sign activation that could output high quality binary hashing codes as well as satisfactory continuous embeddings remains an open problem for learning to hash.

To address the challenges above, we propose a novel end-to-end learning framework for hashing graph data, named HashGNN. The developed model is generally applicable to arbitrary GNNs. The learned hash codes could improve the efficiency of item retrieval, while the associated continuous representations could improve the capacity of ranking model in modern recommender system. The whole architecture is optimized towards a task-specific loss function that not only preserves the topology of input graph but also maintains its ranking structure in the hamming space. To enable truly end-to-end training, we adapt a novel discrete optimization strategy based on straight through estimator (STE) [2] with guidance. We first argue that STE may incur noisy gradients in back-propagation by magnifying the gradient of corresponding continuous embedding based optimization. Then we introduce a guidance approach to eliminate the gradient noise of STE, and turn it into a different problem that is easier to optimize. The contribution of this paper is summarized as follows:

We tackle the problem of unsupervised hashing with GNNs trained in a end-to-end manner, in which both high quality hashing codes and continuous embeddings are returned. To the best of our knowledge, this paper represents the first effort towards this target in recommendation.

A simple discrete optimization strategy is adapted to optimize the parameters, which facilitates both efficient and effective retrieval in downstream tasks.

Extensive experiments on four real-world datasets of different volumes demonstrate the advantages of our proposal over several state-of-the-art hashing techniques.

image

We briefly group the related works into two categories: graph representation learning, learning to hash. The former draws upon research in encoding objects in graph into continuous representations, while the latter investigates encoding objects into binary hash codes.

Graph representation learning. This line of work has been studied and analyzed widely in social network analysis and recommendation scenarios [17, 45, 57]. Representatives including models based on matrix factorization [32, 40, 47], random walks [8, 15, 39] or deep learning [4, 49, 50]. Among them, graph neural networks, as a special instantiation of convolutional neural networks for structured data, has received a lot of attention for its great power in generating embedding [24, 56] as well as scalability for large-scale graphs [55]. Although the aforementioned methods have been proved to be very effective in generating embeddings, they are sufferred from inference inefficient due to the high computational cost of similarity calculation between continuous embeddings.

image

10 30 50 70 90 100 Top n 0

Figure 1: Comparisons between GraphSage [16] and state-of-the-art hashing methods on Gowalla. We can observe that GraphSage performs significantly better than others on recommendation scenarios. It indicates the gap between continuous embedding and corresponding binary hash code.

Learning to hash. Researches in this direction has proceeded along two dimensions: unsupervised hashing and supervised hashing [52]. Unsupervised hashing methods [14, 22, 34, 41] aim to learn hash functions that encode objects to binary codes by training from unlabeled data, while supervised hash methods [26, 33, 36, 43] target to explore supervised signals to help in generating more discriminative hash codes. Thanks to the development of deep learning, researchers also resort to blend the power of deep learning for hash coding [9, 27, 30, 43, 54, 59] recently. Although encouraging performance are reported in the these deep hash methods, they all need to first learn continuous deep representations, and then generate the exactly binary hash codes by binarizing the learned representations with a separated post-step, which is actually deviates significantly from the original hash objects, thus may result in substantial loss of retrieval quality [14]. A recent work named HashNet [6] proposes to lower the quantization error of binarization by continuation technique. It approximates the  siдnfunction with scaled tanh function  tanh(βz), where  βis a scale parameter that will be increased during training proceeds. Although HashNet is helpful in reducing the quantization error with scaled tanh function, it still needs sign function to generate exactly binary hash codes after training.

The discrete optimization approach used in our work is related to STE [2], which can be seen as the base case of our proposed optimization strategy. STE uses sign function to generate exactly hash code in forward pass, and copies the gradient of h directly to z in back-propagation. It has been applied in many works [42, 48] to help the end-to-end learning of discrete codes. However, as we proved in section 4, standard STE is usually hard to train because of the noisy gradients contained in back-propagation due to the operation of gradient hard copy. Therefore, we adapt a guidance aware strategy to eliminate the influence of noisy gradients in STE and enable it can mimic the learning process of corresponding continuous embedding based optimization problem, in which faster training and better performance are achieved.

In this section, we first introduce notations and define the research problem. Then, for our model, we describe the forward pass of graph encoder and hash layer for generating binary hash code. Finally, we introduce the ranking loss function for hashing.

3.1 Problem Formulation

We are given a graph G = {V, E, X} as input, where V denotes the set of vertices and  v ∈ Vrepresents a node in  V. E ⊆ V × V de-notes the edges.  A ∈ RN ×N is the adjacency matrix, where  Aij = 1denotes a link exists between  viand  vj, and otherwise  Aij =0. X ∈ RN ×D is the associated attributes,  xidenotes the attributes of the  vi. In our settings of recommender systems, we focus on bipartite networks consisting of users and items. For simplicity, v may denote either type of nodes in G. The goal of our model is to learn a nonlinear hash function that maps a node v to hamming space, i.e.  H : V → h ∈ {−1, 1}K. Specifically, we first build a graph encoder  ϕ : V → u ∈ Rdto generate intermediate representation for the node. Then, the intermediate representation is fed into a hash layer  ψ : u → hto learn binary hash codes. We denote  Θϕand  Θψas trainable parameters for the graph encoder and hash layer, respectively.

To measure the fitness of H in an unsupervised manner, we consider a differentiable computational graph that takes a pair of nodes  viand  vjas inputs, and measures the probability that determines the existence of corresponding linkage. Assuming that L denotes the loss function. The goal of obtaining  {hi;i = 1, ..., N }is to solve for  Θϕ, Θψvia minimizing  L(A|X, Θϕ, Θψ ).

3.2 Graph Encoder

As introduced above,  ϕis a graph encoder that takes graph as input and outputs an intermediate vector  uifor any node  vi. In general, the choice of  ϕis very flexible and can be instantiated by any deep representation methods as discussed in [7]. In this work, we consider a two-layer graph convolutional network GCN [16]. The major step of embedding generation in GCN is to aggregate information from a node’s local neighbors. Let  uli denote the representation of node  vion layer of depth l, then the forward propagation rule is:

image

where  Wlis the weight matrix on layer l, MEAN refers to the average aggregator over feature vectors of the current node and its neighborhood nodes, and  N(vi)denotes the local neighborhood of vi. The final output is  ui = ulmaxi, where  lmaxdenotes the depth of final layer.

3.3 Hash Code Embedding

In this section, we introduce the forward propagation of the hash layer to generate binary hash codes for nodes in G. Given the intermediate representation  uiof node  vi, a fully-connected hash layer is adopted to transform  uiinto K-dimensional embedding vector  zi ∈ RK as follows:

image

where  W ∈ Rd×K is the parameter matrix,  b ∈ RK is the bias matrix. To enforce the resultant embedding to be binary, the activation function  σ(·)is usually set as tanh function. In order to generate exactly binary hash code, we resort to convert the K-dimensional vector  zi, which is continuous in nature, to binary code  hiwith values of either  +1 or −1 by taking the sign function, so that:

image

Given the graph encoder and hash layer defined as above, a natural follow-up question is how to learn the parameters of our model. Different from classification learning tasks, where the label information is available to support supervised or semi-supervised learning, graph representation learning task often focuses on unsupervised learning, in which the goal is to generate similar vector embeddings for topologically similar nodes so that the graph structure could be preserved as much as possible. For each pair of node in G, the likelihood function  P(Aij |hi, hj)can be interpreted as the conditional probability that the link connection between  viand  vjequals  Aijgiven their hash codes  hi and hj, which could be naturally defined as pairwise logistic function as follows

image

where  σ(·)is the standard sigmoid function,  dist(·, ·)represents the distance measure. Note that there exists a nice relationship between hamming distance  hamdist (·, ·)and inner product  ⟨·, ·⟩for binary hash codes, where  hamdist (hi, hj) = 12(K −�hi, hj�), thus we adopt inner product to define  dist(·, ·). In this case, the smaller the hamming distance is, the larger the conditional probability  P(1|hi, hj)will be, and vice versa. Therefore, Equation 4 is a reasonable extension of logistic regression classifier for the pairwise classification problem based on hash codes. Hence, we can achieve the optimal parameters when the following loss function

image

Figure 2: The architecture of HashGNN (better viewed in color). Our method consists of two main components: (1) a graph neural networks for learning deep representation of each node  vi, (2) a fully-connected hash layer with tanh activation for transforming the deep representation into K-dimensional continuous embedding  zi ∈ RK, which is then fed into sign function to generate K-bit hash code  hi ∈ {1, −1}K. The whole architecture is trained end-to-end by jointly optimizing two losses, i.e., cross-entropy loss to recover the observed links and ranking loss to preserve the relative similarity ordering of hash codes. Bernoulli random variable Q is introduced to provide average dropout of hash codes and continuous embeddings, which enables the discrete optimization problem is guided by continuous counterpart. Red arrows denotes gradient back-propagation.

is minimized:

image

where  Lcrossrepresents the cross-entropy loss that helps to reconstruct the observed links.  Θ = {Θϕ, Θψ }are the overall trainable parameters in our model. By minimizing Equation 5, we obtain binary hash codes that share similar values between linked nodes, so that the network topological information can be stored in the hamming space.

3.4 Ranking Preserving Hash Coding

In general, Equation 5 helps in learning useful embedding vectors for nodes in graphs, and also ensure similar nodes to have similar representations. In recommender systems, however, relative rankings between candidate items are often more important than their absolute similarity scores [5, 18, 38, 58], since recommendation engines return items mainly according to their rankings. For this reason, the learned hash codes in Equation 5 may lack the capability of mapping relevant objects to be within a small hamming ball, which is very important for high quality retrieval in the hamming space [5]. In addition, since we target graph data, the ranking structure can be obtained easily in practice by sampling from the adjacency matrix. Inspired by this fact, we propose to preserve the relative similarity ordering of nodes in terms of the hamming space and introduce a ranking structure reinforced loss function  Lrank. Specifically, assuming that  (vi,vj,vm) ∈ Dis a triplet denoting that  viis more similar to  vjcompared to  vm, and D is the set of all such sampled triplets. The ranking loss objective is defined as:

image

where  αis the margin parameter that helps control the difference between similar and dissimilar hash codes. By minimizing Equation 6, the binary hash codes of neighbors for nodeviwill be concentrated in a small hamming radius near  vithan nodes that are not connected with  vi. Hence, high quality hamming space retrieval can be achieved. We fix  αto 0.2 in experiments.

3.5 Recommendation Inference

We now briefly introduce the schema of how to recommend relevant items given a query. After training HashGNN, we use the forward pass of the architecture to generate binary hash code h and continuous embedding z for each node in the input graph. Given a query q, assuming that  hqand  zqare the corresponding hash code and continuous embedding, respectively, we basically have two ways to do inference that trades off efficiency and effectiveness. The first is Hamming Space Retrieval, in which a list of items are retrieved by sorting hamming distances of hash codes between the query and items in search pool. The second is Hierarchical Search, in which it first retrieves a small set of candidates using hamming space retrieval, and then conduct the final recommendation by ranking the returned candidates with their continuous embeddings. The former strategy mainly focuses on efficiency, while the latter one aims to trade-off between efficiency and performance.

By combining the considerations discussed above, the overall loss function to be minimized is formulated as

image

where  λis the trade-off parameter to balance the importance between entropy and ranking loss. Note the combination of pair-wise ranking loss and point-wise reconstruction loss is usually helpful for recommendation [58]. Ideally, we hope the above loss function is differentiable w.r.t. parameters  Θ = {Θϕ, Θψ }, so that it can be optimized through standard stochastic gradient descent or its variants [23]. Unfortunately, as the sign function is non-smoothing, its gradient is ill-defined as zero, making it apparently incompatible with back-propagation. In order to train our model in an end-to-end fashion, we approximate the gradient similar to straight through estimator STE [2]. That is, we use sign function to generate hash code  h = siдn(z)in forward pass, where we copy the gradients from h directly to z in backward pass. With such gradient approximation, it is possible to optimize the hash model via back-propagation.

4.1 Learning with Guidance

Although STE is simple to implement and has been widely applied for its effectiveness in approximating the gradient of discrete variables [42, 48], it suffers from the gradient magnification problem as shown in Lemma 4.1, which makes the training unstable and may cause sub-optimal solutions. This phenomenon is similar to the well known gradient explosion problem, which has been a key difficulty in training deep neural networks via back-propagation [28].

Lemma 4.1. Straight-through estimator (STE), which enables the optimization of discrete variables by copying their gradients directly to corresponding continuous variables, could result in sub-optimal solutions due to the magnification of gradients.

Proof. Assuming that H is an arbitrary graph neural network with tanh activation function in the final layer. It takes a node v as input and outputs an embedding denoted as z. If we consider cross entropy loss, then for a pair of nodes  (vi,vj), we have L(yij |vi,vj) = yij log(σ(ˆyij)) + (1 − yij)(1 − log(σ(ˆyij))), where ˆyij = zizTj and yijis the ground truth. Let  д ˆyij denotes the gradient

∂ ˆyij , we have дzij = д ˆyij zjfor standard unsupervised graph repre- sentation learning. Now if we have the sign function on the top of H that helps generate binary hash code denoted as h, and want to learn the hash code end-to-end, that is ˆyij = hihTj . In this case, it is easily obtain the new gradient denoted as  дstezi = дstehi = д ˆyijhj . Wecan see that  дstezidiffers from  дzijin the lash term,  hj for дstezi whilezjfor  дzij. Recall that  hi = siдn(zi)and  ziis the output of tanh function, then  ∀m, zjm ≤ hjm, Hence, the optimization problem of STE is similar to standard graph representation learning excepting the magnification of gradients with binarization. The gradient magnification of STE could impede solving for the optimal parameters that standard representation learning could achieve, because STE consistently takes a larger step in searching optimal gradients.

Based on the above discussion, we know that STE actually optimizes a similar problem with standard representation learning methods, except the magnification of gradients in each step. Since graph representation learning approaches are usually easy to train and can generate high quality embedding vectors [3], a natural question is can we assist the optimization process of STE with the help of corresponding continuous embedding? Motivated by their connections, we propose to associate the regular continuous embedding vector  ziduring training, and make the exactly hash codes mimic the corresponding continuous embedding vectors, so that both of them are simultaneously optimized for the task. More specifically, during training, instead of using the generated binary hash codes, we use a dropout average of them as follows,

image

where Q represents a Bernoulli random variable with parameter p for selecting between regular continuous embedding vectors and the exactly hash codes. Whenp is set to a relatively high probability, even if  hiis difficulty to learn,  zican still be learned to assist the improvement of the task-specific parameters, which in turn helps hash code generation. In addition, the guidance formulation above can be seen as a variant of Dropout [44]. Instead of randomly setting a portion of the activations in h to zeros when computing the parameters gradients, we update them with the continuous counterparts, which can help to generalize better.

In experiments, instead of setting p with a fixed value by hyper-parameter tuning, we use a largep at early iterations, and then gradually decrease p as training proceeds, as inspired by recent studies in continuation methods [1]. By gradually reducing p during training, it results in a sequence of optimization problems converging to the original optimization problem of STE. As shown in experiments, it improves both training process and testing performance.

In this section, we conduct experiments over three recommendation datasets to validate the proposed approach. Specifically, we try to answer the following questions:

Q1: How effective is the proposed method compared to baselines in the hamming space retrieval?

Q2: How does HashGNN perform compared with state-of-the-art deep hashing methods in hierarchical retrieval search tasks?

Q3: What the benefits of STE with continuous embedding guidance compared with original STE?

Q4: How do different hyper-parameter settings (e.g., trade-off parameter  λ, number of triplets for each node, embedding dimension K) affect HashGNN?

5.1 Datasets

To evaluate the effectiveness of HashGNN, we conduct experiments on four benchmark datasets, some of publicly accessible and differ in terms of domain and size. We summarize the statistics of three datasets in Table 1.

image

Figure 3: Recommendation performance comparison for Hamming Space Retrieval.

Table 1: Statistics of the datasets.

image

Gowalla: This is the check-in dataset [29] obtained from Gowalla, in which users share their locations by check-in. To ensure the quality of the dataset, we retain users and items with at least ten interactions similar to [53]. MovieLens: This is widely used movie rating dataset 1. We treat it as a heterogeneous networks where links exist between users and movies. Similar to [20], we transform the rating scores into binary values, so that each entry is either 1 or 0 indicating whether the user rated the movie. The 1M version is used in our experiments. Pinterest: This is an implicit feedback data constructed for image recommendation [12]. We treat users and images as nodes. The link represents a pin on an image initiated by a user. Each user has at least 20 links. Alibaba: This dataset is a subset of user behavior data in A+ company. It describes user’s historical behaviors including click, chart and purchase toward items during September 9 to September 15, 2019. The data is organized similar to MovieLens dataset, i.e., a user-item behavior consists of user ID, item ID, item’s, behavior type and timestamp. We filter the users that has less than 10 interactions for experiments and use the former six consecutive days for training while the last day for testing.

For the previous three datasets, we randomly select 70% of historical interactions of each user to constitute the training set, and treat the remaining as test set. From the training set, we randomly select 10% of interactions as validation set to tune hyper-parameters. For each observed user-item interaction, we treat it as a positive instance, and then construct ranking triplets by sampling from negative items that the user did not consume before.

5.2 Experimental Settings

5.2.1 Evaluation Metrics. For each user in the test set, we treat all the items that the user has not interacted with as the negative items. To evaluate the performance of top-n recommendations, we adopt two widely used evaluation metrics [19]: hit rate (HR) and normalized discounted cumulative gain (ndcg) over varying numbers of top returned items. The average results over all users in the test set are reported.

5.2.2 Baselines. To the best of our knowledge, these is no existing work that directly study the problem of unsupervised deep hashing with graph neural networks, so we adapt several baselines that have shown strong performance on image retrieval task for comparison. In addition, we also include several state-of-the-art recommendation methods that based on network embedding.

PTE [46], BiNE [11], MF [35] and Graphsage [16]: They are commonly used embedding methods for recommendation. Here we build our proposed hashing model based on GraphSage for its scalability and deep expressive ability.

LSH [13]: This is a state-of-the-art unsupervised hashing method. For fair comparison, the input feature is the output of Graphsage.

HashNet [6]: This is the state-of-the-art deep hashing method based on continuation methods [1]. We adapt it for graph data by replacing the original AlexNet [25] architecture with graph neural networks.

Hash_gumb: This is the implementation of learning to hashing with Gumbel-softmax [21]. The basic idea is to treat each bit element as a one-hot vector of size two. In the top of hash layer, we use Gumbel-softmax trick instead of  siдn functionto generate hash codes. Note that by gradually decreasing the temperature parameter towards zero, it can obtain exactly binary hash codes in theory.

Hash_ste: This is the implementation of state-of-the-art end-to-end hash learning method based on straight through estimator [2]. It is also a special case of our model.

HashGNN_sp: This is a variant of the proposed method by separating the graph embedding generation process with hash function learning. It first trains Graphsage to obtain

Table 2: Recommendation performance comparison for Hierarchical Search.

image

node embeddings. The learned embeddings are then used as input feature to train the hash layer.

HashGNN_nr: This is a variant of the proposed method by excluding ranking loss. We introduce this variant to help investigate the benefit of using triplet loss.

5.2.3 Parameter Settings. For fair comparison, all methods are implemented in Tensorflow. We adopt a two layer graph convolutional networks [16] for graph encoding, where the embedding size for first and second layer are fixed as 128 and 68 for all datasets, respectively. We optimize all models with the Adam optimizer with a mini-batch size of 256. All weights are initialized from a zero-centered Normal distribution with standard deviation 0.02, and the learning rate is fixed as 0.001. For HashNet, the scale parameter  βfor  tanh(x) = (βx)is initially set as 1, and then it increases exponential after 200 iterations as suggested in [6]. The temperature for Hash_gumb is implemented with initial value 1 by tf.contrib.distributions.RelaxedOneHotCategorical according to [21]. For network embedding approaches, we use the default parameter used in original papers. In our method, the trade off parameter  λis tuned from 0.1 to 1 with step size 0.1; parameter p for Bernoulli distribution is started with 1 and then we decrease it 5% after 250 iterations on all datasets. Without specification, the default embedding size is 32.

5.3 Performance Comparison on Hamming Space Retrieval (Q1)

In this section, we evaluate the effectiveness of our proposed method in generating hash codes. Specifically, the retrieved products for each user are obtained by sorting hamming distances of hash codes between each user and all candidate items. Figure 3 reports the results in terms of HR for different top-n values. The results on ndcg are similar, we omit them for space limitation.

From the figure, we have four observations. First, LSH separates the encoding of feature representation from hashing and it achieves poor performance on three datasets. This indicates the importance of jointly learning feature representation and hash projections for high quality hash code generation. Second, HashNet and Hash_gumb are two widely used continuous relaxation based approaches for hash learning. But HashNet outperforms Hash_gumb in several cases. A possible reason is HashNet adopts continuation methods to train the model, which approximates the original hard optimization problem with sign function with a sequence of soft optimization problems, making it easier to learn. Third, Compared to HashNet, although Hash_ste is a truly end-to-end hashing method, it is still outperformed by HashNet in most cases. It makes sense since Hash_ste will magnify the gradients, which makes it deviated from standard continuous embedding learning problem. This demonstrates our motivation to guide ste with continuous embedding. Fourth, In general, HashGNN consistently yields the best performance on all the datasets. Increasing the number of n has positive influence on the performance of all methods. By using continuous embedding guidance, HashGNN is capable of mimicking the learning process of continuous embedding optimization, while ste deviates from continuous embedding learning problem by magnifying gradients. This verifies the effectiveness of continuous embedding guidance for hashing. Moreover, compared with HashGNN_nr, HashGNN considers ranking loss to preserve the relative similarity ordering of nodes in hamming space, while HashGNN_nr only targets to reconstruct the observed links. This demonstrates the importance of capturing ranking structure in hamming space. And the improvements over HashGNN_sp indicate that jointly optimizing feature representations and hash functions can achieve better performance.

5.4 Performance Comparison on Hierarchical Search (Q2)

In this section, we attempt to understand the representative ability of node embeddings that learned by hashing methods as well as continuous network embedding approaches. Towards this end, we conduct experiments on three datasets and evaluate the performance based on hierarchical search. Different from hamming space search, hierarchical search needs both hash codes and continuous embeddings for inference. Therefore, it measures the ability of hashing models in generating high quality binary codes as well as good continuous embeddings. The results are shown in Table 2.

From Table 2, we have four findings. First, Compared with hashing approaches, HashGNN_nr performs significantly better than others almost in all cases. These results demonstrate the effectiveness of the proposed guidance learning approach for optimizing discrete variables. Second, Compared with continuous network embedding methods, HashGNN_nr still achieves relative better performance than other methods except GraphSage. It is reasonable as HashGNN_nr is build upon powerful graph neural networks (GraphSage), which outperforms other baselines significantly. These results illustrate our motivation to build hashing alternatives for arbitrary graph neural networks. Third, By jointly analyzing Table 2 and Figure 3, we observe that the performances of all hashing baselines in hierarchical search scenario are higher than their performance on hamming space retrieval. This indicates the limitation of hash codes for accurate retrieval compared with continuous embeddings. Hence, hashing models should also consider how to generate representative continuous embeddings in order to achieve satisfactory performance. Fourth, HashGNN consistently outperforms all other baselines on three datasets. Specifically, HashGNN achieves better performance than hashing methods in most cases, which demonstrates the effectiveness of our method in generating high quality hash codes as well as learning representative node embeddings. Compared with HashGNN_nr, HashGNN is capable of preserving relative ranking structure in hamming space, while HashGNN_nr only focuses on reconstructing the observed links. This validates that exploring ranking structure is beneficial for recommendation tasks.

Table 3: Top n recommendation performance on real-world Alibaba company dataset.

image

In addition to the three publicly accessible small datasets, we also test the performance of our model on real-world recommendation scenarios over Alibaba dataset. We adopt the same experimental configurations as above, and report the results in Table 3.

From the table, we have three observations. First, The performance of all methods in terms of HR and NDCG values significantly lower than their values on MovieLens, Gowalla and Pinterest, while HashGNN still consistently outperforms both hashing and continuous based baselines. Second, compared with hashing methods, HashGNN_nr achieves better performance than them in almost all cases including Hash_ste. This result demonstrate the effectiveness of the proposed guidance aware STE optimization strategy.

Table 4: Efficiency comparison on all datasets (in seconds). The time cost consists of computing and sorting the distances. CeS denotes continuous embedding based search, HieS represents hierarchical search, and HamR denotes hamming space search.

image

In addition, HashGNN_nr also performs better than most network embedding approaches, i.e., MF, PTE and BiNE. The main reason is that our model is build upon powerful graph neural networks given the big performance gap between GraphSage and other baselines. These results validate our motivation to develop hashing methods for arbitrary graph neural networks. Third, although GraphSage performs slightly better than HashGNN_nr, it is outperformed by HashGNN in most cases. This comparison not only demonstrates our model could achieve comparable performance with its continuous counterpart, but also indicates that hashing methods can performs even better by considering the ranking structure in hamming space.

Besides, we also analyze the efficiency of hierarchical search compared with hamming space retrieval and continuous embedding based search. For fair comparison, we adopt exhaustively linear scan to retrieval items for hash codes and continuous embeddings. It is worth noting that multi-level indexing techniques [37] could be used to further improve the efficiency of hamming space retrieval. The experiments are conducted on MacOS 10.13.6 with Inter Core i5, 16GB RAM and python 3.6. Table 3 summarized the results.

From the table, we have two conclusions. First, hamming space retrieval is generally faster than other two approaches, while hierarchical search is more efficient than continuous embedding based retrieval. By jointly analyzing Table 2, 3&4, and Figure 3, we can see that HashGNN not only can achieve better performance than GraphSage on hierarchical search, but also saves a lot of time (on average of 2.2 times faster). It thus verifies our motivation to combine graph representation learning with hashing. Second, as data size increases, the time cost of hierarchical search becomes closer to that of hamming space retrieval compared with linear search on continuous embedding space. The is mainly because hamming space retrieval becomes the most time-consuming step of hierarchical search in large datasets, since the second step only needs to compute similarity with very small set of items. This observation validates the capacity of end-to-end hashing in handling real-world large scale data.

5.5 Study of HashGNN (Q3)

In this section, we empirically investigate the benefits of the proposed guidance aware STE optimization strategy. For fair comparison, we compare the performance of Hash_ste and HashGNN_nr, where Hash_ste utilizes STE for discrete optimization while HashGNN_nr exploits continuous embedding guidance STE. Similar to default setting, we set p = 1 and gradually decrease it 5% after 250 iterations.

image

Figure 4: Guidance STE VS. STE over training loss.

Figure 4 and 6 summarized the training loss and AUC scores during training on Alibaba datasets over hierarchical search, respectively.

From the figures, we have three observations. First, the error loss of Guidance STE decreases faster than STE, and is also significantly lower than that of STE in general as shown in Figure 4. This is reasonable because guidance STE solves the original hard discrete optimization problem by dividing it into a sequence of relative easier tasks, making it easier to optimize. This result indicates the efficiency of guidance STE over STE. Second, after rapid decrease of training loss, both guidance STE and STE begin to jitter, but guidance STE is more stable than STE. Besides, the error loss value of guidance STE also tends to increase a litter bit after 2000 epochs. This is mainly because the p value of guidance STE decreases to 0.5, making the discrete optimization problem becomes more difficulty to optimize. Third, guidance STE substantially outperforms STE in terms of AUC during training shown in Figure 6. The above comparisons demonstrate the effectiveness and efficiency of the proposed guidance STE compared with STE.

Besides making comparisons to STE, we also analyze the impact of p towards guidance STE. The experiment results are shown in Figure 7. Results on other datasets are similar. Note that whenp = 1, guidance STE is equivalent to GraphSage. From the figure, we have two findings. First, the performance increases when p varies from 1 to 0.6, then it tends to decrease from 0.6 to 0.4, and the HR score in 0.4 is lower than that when p = 1. The possible reason is that when p = 1, the objective is only targeted to generate high quality continuous embedding; while p decreases, the objective function is optimized towards both hash code and continuous embedding, which improves the hierarchical search performance; when p is too small, i.e., p < 0.5, the continuous embedding signals are not enough to guide the training. Second, dynamically changing p performs substantially better than p is fixed. This this because when p is dynamically updated, the original hard discrete optimization problem will be divided into a sequence of sub-tasks, where each task is generally easier to solve compared with the original one. In addition, each previous task in the sequence could also help solve the followed optimization tasks. Therefore, we change p dynamically in our experiments.

5.6 Parameter Analysis (Q4)

In this experiment, we study the effect of different hyperparameters to HashGNN. As  λplays a pivotal role to trade-off between reconstruction loss and ranking preserving loss, we start by exploring the influence of  λ. Then, we study how the number of triplets of each user affects the performance. Note we report results on MovieLens dataset, but similar results are observed on others.

5.6.1 Effect of trade-off parameter. To investigate the sensitiv-

ity of HashGNN w.r.t.  λ, we search  λfrom 0 to 1 with step size 0.1. Figure 4c summarizes the experimental results on MovieLens, where we have two observations. First, HashGNN achieves relative stable performance when  λis around 0.5, so we let  λ = 0.5 in our experiments. Second, when  λ =0, HashGNN performs the worst. The reason is that when  λ =0, the ranking loss is totally ignored. It thus further demonstrates our motivation to incorporate ranking loss for effective hashing.

5.6.2 Effect of the Number of Triplets. To study the influence

of different number of triplets on our model. We conduct additional experiments by varying the number of triplets for each node from 1 to 25 with step size 5. Figure 4a reports the result on MovieLens. Results on other datasets are similar, so we omit them. From the figure, we can observe that HashGNN achieves relative stable and high performance when the number of triplets is between 4 to 10. Therefore, we randomly sample five triplets for each node in experiments.

5.6.3 Effect of Embedding Dimension. We now explore how

the embedding size of hash code affects HashGNN. Figure 4b lists the performance of HashGNN with different K on MovieLens. We can observe that the dimension of hash code has positive influence on HashGNN. Specifically, HashGNN improves faster when K is small, then it slows down with large dimension. Similar trends are observed on other datasets.

In this work, we study the problem of unsupervised deep hashing with graph neural networks for recommendation. We propose a new framework HashGNN, which simultaneously learning deep hash functions and graph representations in an end-to-end fashion. The proposed method is flexible as it can be used to extend existing various graph neural networks. The whole architecture is trained by jointly optimizing two losses, i.e., reconstruction loss to reconstruct the observed links and ranking preserving loss to preserve the relative similarity ranking of hash codes. To enabling the gradient propagation in the backward pass, we prove that the established straight through estimator that approximates the gradient of siдnfunction as identity mapping may result in noisy gradients, so we derive a novel discrete optimization strategy based on straight through estimator with continuous guidance. We show the proposed guidance is helpful in accelerating the training process as well as improving the performance. Extensive experiments on four real-world datasets demonstrate the effectiveness and efficiency of HashGNN in hamming space retrieval and hierarchical search.

For future work, we plan to further improve HashGNN by incorporating semantic information of graph. Moreover, we are interested in exploring the adversarial learning on binary continuous embedding for enhancing the robustness of HashGNN. Finally, we are also interested in exploring the explainability of hash codes.

image

Figure 5: Parameter analysis of HashGNN w.r.t. number of triplet,  λ and Kon hierarchical search.

image

Figure 6: Guidance STE VS. STE over AUC.

image

Figure 7: Impact of p. The last column of the bar chart denotes the performance by changing thep value dynamically.

The authors thank the anonymous reviewers for their helpful comments. The work is in part supported by NSF IIS-1718840, IIS-1750074, and IIS-1900990. The views and conclusions contained in this paper are those of the authors and should not be interpreted as representing any funding agencies.

[1] Eugene L Allgower and Kurt Georg. 2012. Numerical continuation methods: an introduction. Vol. 13. Springer Science & Business Media.

[2] Yoshua Bengio, Nicholas Léonard, and Aaron Courville. 2013. Estimating or propagating gradients through stochastic neurons for conditional computation. arXiv preprint arXiv:1308.3432 (2013).

[3] Hongyun Cai, Vincent W Zheng, and Kevin Chen-Chuan Chang. 2018. A comprehensive survey of graph embedding: Problems, techniques, and applications. TKDE 30, 9 (2018), 1616–1637.

[4] Shaosheng Cao, Wei Lu, and Qiongkai Xu. 2016. Deep neural networks for learning graph representations. In AAAI.

[5] Yue Cao, Mingsheng Long, Bin Liu, and Jianmin Wang. 2018. Deep cauchy hashing for hamming space retrieval. In CVPR. 1229–1237.

[6] Zhangjie Cao, Mingsheng Long, Jianmin Wang, and Philip S Yu. 2017. Hashnet: Deep learning to hash by continuation. In ICCV. 5608–5617.

[7] Peng Cui, Xiao Wang, Jian Pei, and Wenwu Zhu. 2018. A survey on network embedding. TKDE 31, 5 (2018), 833–852.

[8] Yuxiao Dong, Nitesh V Chawla, and Ananthram Swami. 2017. metapath2vec: Scalable representation learning for heterogeneous networks. In KDD. ACM, 135–144.

[9] Venice Erin Liong, Jiwen Lu, Gang Wang, Pierre Moulin, and Jie Zhou. 2015. Deep hashing for compact binary codes learning. In Proceedings of the IEEE conference on computer vision and pattern recognition. 2475–2483.

[10] Wenqi Fan, Yao Ma, Qing Li, Yuan He, Eric Zhao, Jiliang Tang, and Dawei Yin. 2019. Graph Neural Networks for Social Recommendation. arXiv preprint arXiv:1902.07243 (2019).

[11] Ming Gao, Leihui Chen, Xiangnan He, and Aoying Zhou. 2018. Bine: Bipartite network embedding. In SIGIR. ACM, 715–724.

[12] Xue Geng, Hanwang Zhang, Jingwen Bian, and Tat-Seng Chua. 2015. Learning image and user features for recommendation in social networks. In ICCV. 4274– 4282.

[13] Aristides Gionis, Piotr Indyk, Rajeev Motwani, et al. 1999. Similarity search in high dimensions via hashing. In VLDB, Vol. 99. 518–529.

[14] Yunchao Gong, Svetlana Lazebnik, Albert Gordo, and Florent Perronnin. 2012. Iterative quantization: A procrustean approach to learning binary codes for large-scale image retrieval. TPAMI 35, 12 (2012), 2916–2929.

[15] Aditya Grover and Jure Leskovec. 2016. node2vec: Scalable feature learning for networks. In KDD. ACM, 855–864.

[16] Will Hamilton, Zhitao Ying, and Jure Leskovec. 2017. Inductive representation learning on large graphs. In NIPS. 1024–1034.

[17] William L Hamilton, Rex Ying, and Jure Leskovec. 2017. Representation learning on graphs: Methods and applications. arXiv preprint arXiv:1709.05584 (2017).

[18] Xiangnan He, Zhankui He, Xiaoyu Du, and Tat-Seng Chua. 2018. Adversarial personalized ranking for recommendation. In SIGIR. ACM, 355–364.

[19] Xiangnan He, Lizi Liao, Hanwang Zhang, Liqiang Nie, Xia Hu, and Tat-Seng Chua. 2017. Neural collaborative filtering. In WWW. International World Wide Web Conferences Steering Committee, 173–182.

[20] Xiangnan He, Hanwang Zhang, Min-Yen Kan, and Tat-Seng Chua. 2016. Fast matrix factorization for online recommendation with implicit feedback. In SIGIR. ACM, 549–558.

[21] Eric Jang, Shixiang Gu, and Ben Poole. 2016. Categorical reparameterization with gumbel-softmax. arXiv preprint arXiv:1611.01144 (2016).

[22] Herve Jegou, Matthijs Douze, and Cordelia Schmid. 2010. Product quantization for nearest neighbor search. TPAMI 33, 1 (2010), 117–128.

[23] Diederik P Kingma and Jimmy Ba. 2014. Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980 (2014).

[24] Thomas N Kipf and Max Welling. 2016. Semi-supervised classification with graph convolutional networks. arXiv preprint arXiv:1609.02907 (2016).

[25] Alex Krizhevsky, Ilya Sutskever, and Geoffrey E Hinton. 2012. Imagenet classification with deep convolutional neural networks. In NIPS. 1097–1105.

[26] Brian Kulis and Trevor Darrell. 2009. Learning to hash with binary reconstructive embeddings. In NIPS. 1042–1050.

[27] Hanjiang Lai, Yan Pan, Ye Liu, and Shuicheng Yan. 2015. Simultaneous feature learning and hash coding with deep neural networks. In CVPR. 3270–3278.

[28] Yann LeCun, Yoshua Bengio, and Geoffrey Hinton. 2015. Deep learning. nature 521, 7553 (2015), 436.

[29] Dawen Liang, Laurent Charlin, James McInerney, and David M Blei. 2016. Modeling user exposure in recommendation. In WWW. 951–961.

[30] Kevin Lin, Huei-Fang Yang, Jen-Hao Hsiao, and Chu-Song Chen. 2015. Deep learning of binary hash codes for fast image retrieval. In CVPR Workshops. 27–35.

[31] Haomiao Liu, Ruiping Wang, Shiguang Shan, and Xilin Chen. 2016. Deep supervised hashing for fast image retrieval. In CVPR. 2064–2072.

[32] Ninghao Liu, Qiaoyu Tan, Yuening Li, Hongxia Yang, Jingren Zhou, and Xia Hu. 2019. Is a Single Vector Enough? Exploring Node Polysemy for Network Embedding. arXiv preprint arXiv:1905.10668 (2019).

[33] Wei Liu, Jun Wang, Rongrong Ji, Yu-Gang Jiang, and Shih-Fu Chang. 2012. Supervised hashing with kernels. In CVPR. IEEE, 2074–2081.

[34] Wei Liu, Jun Wang, Sanjiv Kumar, and Shih-Fu Chang. 2011. Hashing with graphs. In ICML. Omnipress, 1–8.

[35] Xin Luo, Mengchu Zhou, Yunni Xia, and Qingsheng Zhu. 2014. An efficient non-negative matrix-factorization-based approach to collaborative filtering for recommender systems. IEEE Transactions on Industrial Informatics 10, 2 (2014), 1273–1284.

[36] Mohammad Norouzi and David M Blei. 2011. Minimal loss hashing for compact binary codes. In ICML. Citeseer, 353–360.

[37] Mohammad Norouzi, Ali Punjani, and David J Fleet. 2012. Fast search in hamming space with multi-index hashing. In CVPR. IEEE, 3108–3115.

[38] Dohyung Park, Joe Neeman, Jin Zhang, Sujay Sanghavi, and Inderjit Dhillon. 2015. Preference completion: Large-scale collaborative ranking from pairwise comparisons. In ICML. 1907–1916.

[39] Bryan Perozzi, Rami Al-Rfou, and Steven Skiena. 2014. Deepwalk: Online learning of social representations. In KDD. ACM, 701–710.

[40] Jiezhong Qiu, Yuxiao Dong, Hao Ma, Jian Li, Kuansan Wang, and Jie Tang. 2018. Network embedding as matrix factorization: Unifying deepwalk, line, pte, and node2vec. In WSDM. ACM, 459–467.

[41] Ruslan Salakhutdinov and Geoff Hinton. 2007. Learning a nonlinear embedding by preserving class neighbourhood structure. In Artificial Intelligence and Statistics. 412–419.

[42] Dinghan Shen, Qinliang Su, Paidamoyo Chapfuwa, Wenlin Wang, Guoyin Wang, Lawrence Carin, and Ricardo Henao. 2018. Nash: Toward end-to-end neural architecture for generative semantic hashing. arXiv preprint arXiv:1805.05361 (2018).

[43] Fumin Shen, Chunhua Shen, Wei Liu, and Heng Tao Shen. 2015. Supervised discrete hashing. In CVPR. 37–45.

[44] Nitish Srivastava, Geoffrey Hinton, Alex Krizhevsky, Ilya Sutskever, and Ruslan Salakhutdinov. 2014. Dropout: a simple way to prevent neural networks from overfitting. JMLR 15, 1 (2014), 1929–1958.

[45] Qiaoyu Tan, Ninghao Liu, and Xia Hu. 2019. Deep Representation Learning for Social Network Analysis. arXiv preprint arXiv:1904.08547 (2019).

[46] Jian Tang, Meng Qu, and Qiaozhu Mei. 2015. Pte: Predictive text embedding through large-scale heterogeneous text networks. In KDD. ACM, 1165–1174.

[47] Jian Tang, Meng Qu, Mingzhe Wang, Ming Zhang, Jun Yan, and Qiaozhu Mei. 2015. Line: Large-scale information network embedding. In WWW. International World Wide Web Conferences Steering Committee, 1067–1077.

[48] Aaron van den Oord, Oriol Vinyals, et al. 2017. Neural discrete representation learning. In NIPS. 6306–6315.

[49] Petar Veličković, Guillem Cucurull, Arantxa Casanova, Adriana Romero, Pietro Lio, and Yoshua Bengio. 2017. Graph attention networks. arXiv preprint arXiv:1710.10903 (2017).

[50] Daixin Wang, Peng Cui, and Wenwu Zhu. 2016. Structural deep network embedding. In KDD. ACM, 1225–1234.

[51] Jun Wang, Wei Liu, Sanjiv Kumar, and Shih-Fu Chang. 2015. Learning to hash for indexing big dataâĂŤA survey. Proc. IEEE 104, 1 (2015), 34–57.

[52] Jingdong Wang, Ting Zhang, Nicu Sebe, Heng Tao Shen, et al. 2017. A survey on learning to hash. IEEE transactions on pattern analysis and machine intelligence 40, 4 (2017), 769–790.

[53] Xiang Wang, Xiangnan He, Meng Wang, Fuli Feng, and Tat-Seng Chua. 2019. Neural Graph Collaborative Filtering. arXiv preprint arXiv:1905.08108 (2019).

[54] Rongkai Xia, Yan Pan, Hanjiang Lai, Cong Liu, and Shuicheng Yan. 2014. Supervised hashing for image retrieval via image representation learning. In AAAI.

[55] Rex Ying, Ruining He, Kaifeng Chen, Pong Eksombatchai, William L Hamilton, and Jure Leskovec. 2018. Graph convolutional neural networks for web-scale recommender systems. In KDD. ACM, 974–983.

[56] Zhitao Ying, Jiaxuan You, Christopher Morris, Xiang Ren, Will Hamilton, and Jure Leskovec. 2018. Hierarchical graph representation learning with differentiable pooling. In NIPS. 4800–4810.

[57] Shuai Zhang, Lina Yao, Aixin Sun, and Yi Tay. 2019. Deep learning based recommender system: A survey and new perspectives. ACM Computing Surveys (CSUR) 52, 1 (2019), 5.

[58] Feipeng Zhao and Yuhong Guo. 2016. Improving Top-N Recommendation with Heterogeneous Loss.. In IJCAI. 2378–2384.

[59] Han Zhu, Mingsheng Long, Jianmin Wang, and Yue Cao. 2016. Deep hashing network for efficient similarity retrieval. In AAAI.


Designed for Accessibility and to further Open Science