b

DiscoverSearch
About
My stuff
Network Representation Learning for Link Prediction: Are we improving upon simple heuristics?
2020·arXiv
Abstract
Abstract

Network embedding methods map a network’s nodes to vectors in an embedding space, in such a way that these representations are useful for estimating some notion of similarity or proximity between pairs of nodes in the network. The quality of these node representations is then showcased through results of downstream prediction tasks. Commonly used benchmark tasks such as link prediction, however, present complex evaluation pipelines and an abundance of design choices. This, together with a lack of standardized evaluation setups can obscure the real progress in the field. In this paper, we aim to shed light on the state-of-the-art of network embedding methods for link prediction and show, using a consistent evaluation pipeline, that only thin progress has been made over the last years. The newly conducted benchmark that we present here, including 17 embedding methods, also shows that many approaches are outperformed even by simple heuristics. Finally, we argue that standardized evaluation tools can repair this situation and boost future progress in this field.

Index Terms—representation learning, graph embedding, network embedding, link prediction, evaluation

Network representation learning or network embedding (NE) methods have attracted much interest in recent years [1][6]. These methods aim to bridge the gap between network structured data and traditional machine learning by constructing low-dimensional embeddings of network nodes as vectors, for example in the metric space. Using these embeddings, traditional machine learning approaches can be used to perform inference or obtain predictions from network data. A prominent application of NEs is Link Prediction (LP) [7][9], which amounts to estimating the probability of the existence of edges between nodes not connected in the input network.

In other tasks such as multi-label classification, a general consensus on the evaluation setup and criteria exists [10][12], but for LP this is not the case. The evaluation of LP performance requires a pipeline with several preprocessing steps and design choices that can confound the results and are prone to errors. The main challenges for LP evaluation are:

The research leading to these results has received funding from the European Research Council under the European Union’s Seventh Framework Programme (FP7/2007-2013) / ERC Grant Agreement no. 615517, from the Flemish Government under the “Onderzoeksprogramma Artificile Intelligentie (AI) Vlaanderen” programme, and from the FWO (project no. G091017N, G0F9816N, 3G042220).

1) Data preprocessing: To assess the generalization performance of an NE method for LP, sets of train and test edges (i.e connected node-pairs) are required. These sets can be obtained using different approaches that may impact the evaluation in various ways. For instance, a typical assumption in LP is that the train edges span a (train) sub-network of a more complete (test) network. Thus, a principled approach is to use snapshots of the network at two different points in time. The first snapshot is used for training and the difference between the two snapshots for testing [13][15]. Unfortunately, networks with such a temporal component are scarce and therefore, authors ordinarily resort to sampling edges from a network as test examples and using the remaining edges for training [6][9]. The sampling process varies between scientific works in different aspects. The sizes of the train and test sets vary between 50-50 in [7], [9], to 60-40 in [6] and 80-20 in [8]. The algorithms used to generate these splits also differ and while some aim to construct training networks with similar, scaled-down, properties such as, e.g., node degrees [16], others generate training graphs that preserve the general topology of the original network [17].

2) Prediction pipeline: Different NE methods require different pipelines to obtain link predictions. While some embedding methods directly compute link probabilities [9], [18], for others, these need to be learned on top of the node embeddings. Two common approaches are: (i) interpreting some notion of similarity between two node embeddings (e.g. dot product) as the link probability and (ii) casting the problem as a binary classification task. The latter, which has been shown to be more effective [16], requires as a pre-step the computation of node-pair embeddings. Thus, an operator must be applied on the node embeddings to obtain node-pair representations that are, in turn, fed into a binary classifier to perform LP. The choice of operator not only varies between scientific works [7], [19] but is, in some cases, completely overlooked in the experimental setup discussion [8], [20]. Moreover, many valid choices exist for the binary classifier, and classifier training requires—in addition to ‘positive’ examples or edges—‘negative’ samples or non-edges. These non-edges can also be selected using different strategies and be of varying sizes [21].

3) Hyperparameter tuning: When comparing new methods with the state-of-the-art, for the baseline methods the default

parameter settings are often used [18], [19], yet care is taken in tuning the parameters of the introduced method. When the recommended default settings were informed by experiments on other graphs than those used in the study at hand, this can paint an unduly unfavourable picture of the baseline methods.

4) Evaluation metrics: Finally, no consensus exists on which evaluation criteria should be used for comparing different methods. While some papers advocate for the use of precision@Np for a range of Np values [5], [18], [20], others use AUC-ROC [7], [9] or precision and recall at fixed thresholds [22].

These challenges have led to an inconsistency in evaluation procedures throughout papers. Hence, the practical performance of NE methods for LP is poorly understood. Moreover, as several recent studies have found [23][25], the inconsistency of evaluation procedures is a central issue that has stalled progress in many sub-fields within AI. As such, in this paper we aim to clarify the impact of these design choices on the evaluation pipelines and ultimately on method performance. At the same time, we aim to shed light on the real state-of-the-art by means of a standard evaluation pipeline.

Contributions. We provide an in-depth empirical analysis of the state-of-the-art on network representation learning for LP. In our experiments, we show that embedding-based LP methods can be matched in performance and sometimes even outperformed by simple heuristics. We also study the effect on performance of hyperparameter tuning, embedding dimensionality, train set size, edge sampling strategy, node-pair embedding operator, and classification methods. Inevitably there are also limitations on the scope of the evaluation, such as an exclusive focus on undirected and unweighted networks without attributes, an analysis of moderate-sized networks, and a representative but finite set of evaluated methods and benchmark networks. However, our evaluation employs an open source framework, EvalNE [17], that ensures reproducibility of results and allows for direct extensions of this work in all the aforementioned aspects.

The paper is organized as follows. Section II describes the NE methods evaluated, Section III presents the datasets used, Section IV discusses the evaluation setup, Section V summarizes the results, and Section VI concludes this paper.

In this section we present the evaluated NE methods and baseline LP heuristics. When available, we compare implementations of NE methods from distinct sources. Specifically, in addition to original implementations we consider those in two actively maintained libraries, i.e. OpenNE and GEM [12]. Table I summarizes the hyperparameters tuned and implementations used. In the table all LP heuristics are summarized in a single Heuristics field. Detailed hyperparameter descriptions are provided in the supplementary material. For all methods where this is relevant, the node-pair embedding operator is tuned as an additional hyperparameter (see Section IV).

As for the notation, we represent an undirected network or graph as G = (V, E) with vertex set V = {1, . . . , N} and edge set  E ⊆�V2�. Edges or connected node-pairs are

TABLE I HYPERPARAMETERS TUNED AND IMPLEMENTATIONS EVALUATED FOR EACH METHOD. EXCEPT FOR AROPE, CNE AND THE LP HEURISTICS, WE ALSO TUNE THE EDGE EMBEDDING OPERATOR AS A HYPERPARAMETER.

image

Heuristics EvalNE -DeepWalk Orig., OpenNE num walks = walk len = [5, 10, 20, 40, 80],

window size = [5, 10, 20] Node2vec Orig., OpenNE num walks = walk len = [5, 10, 20, 40, 80],

window size = [5, 10, 20], p = q = [0.5, 1, 2] Struc2vec Orig. num walks = walk len = [5, 10, 20, 40, 80],

window size = [5, 10, 20] Metapath2vec Orig. α = [0.01, 0.025], negative = [5, 10]WYS Other lr = [0.01, 0.05], num walks = [20, 40, 80],

window size = [5, 10, 20] GF OpenNE -GraRep OpenNE kstep = [2, 4, 8] HOPE OpenNE, GEM β = [0.1, 0.01, 0.001, 0.0001]LE OpenNE, GEM -LLE GEM -M-NMF Orig. clusters = [10, 20, 50] AROPE Orig. weights = [[1, 0, 0, 0], [0, 1, 0, 0], [0, 0, 1, 0],

[0, 0, 0, 1], [1, 0.1, 0.01, 0.001], [1, 0.5, 0.05, 0.005]] SDNE OpenNE, GEM β = [2, 5, 10],

encoder list = [[128], [512, 128], [1024, 512, 128]] PRUNE Orig. λ = [0.01, 0.05]VERSE Orig. nsamples = [3, 5, 10] LINE Orig.  OpenNE ρ = [0.01, 0.025], negative ratio = [5, 10]CNE Orig. lr = [0.01, 0.05]

represented as unordered pairs  {i, j} ∈ E. Non-edges or disconnected pairs are represented as  {i, j} ∈ D. We refer to the sets of train node-pairs as  Etrainand  Dtrainand to the test node-pair sets as  Etest and Dtest. The adjacency matrix of a graph G is represented as  A. We use X = (x1, x2, . . . , xN)with  X ∈ IRN×dto denote a d-dimensional node embedding and  Γ(i)to refer to the neighbourhood of node i.

A. Network Embedding Methods

NE methods can be broadly categorized into four classes according to the strategy used for learning node similarities. In this taxonomy we can distinguish methods based on random walks, matrix factorization, neural networks, and probabilistic approaches. Next, we describe the methods from each family included in our evaluation.

1) Methods based on random walks: These methods deter-

mine node similarities using random walks on the input graph. The Skip-Gram model [26], is then commonly used to generate node embeddings from the random walks.

DeepWalk [2] is the first method to use deep learning inspired techniques for NE. It uses random walks with fixed transition probabilities to measure node similarities and embeddings are derived using the Skip-Gram model approximated via hierarchical softmax.

Node2vec [7] is a generalization of DeepWalk which uses truncated random walks for node neighbourhood exploration and the Skip-Gram model, approximated via negative sampling, for embedding generation. The random walk properties are controlled by a return parameter p and an in-out parameter q.

Struc2vec [27] extracts structural information from graphs through node pair similarities for a range of neighbourhood sizes. This information is then summarized as a multi-layer weighted graph ˆG. Subsequently, random walks on ˆG are usedto generate the embeddings.

Metapath2vec [28] is a method capable of learning embeddings from heterogeneous networks. The authors extend the concept of random walks to account for nodes of different types and further use a heterogeneous Skip-Gram model to learn the embeddings.

Watch Your Step (WYS) [29] is an attention model learned on the power series of the transition matrix of G. Node context importance is learned with minimal manually-tunable hyperparameters.

2) Methods based on matrix factorization: These approaches

use representations of node similarities such as high-order proximities expressed as polynomials of A, the incidence matrix, Katz similarity or the graph Laplacian. Node embeddings are then obtained by factorizing the selected matrix.

Graph Factorization (GF) [30] uses regularized Gaussian matrix factorization to recover a matrix Z such that  ZZTis close to A in terms of observed non-zeros.

GraRep [4] is based on factorization of different polynomials of the adjacency matrix A which identify relations between nodes in G at different resolutions.

HOPE [5] also based on matrix factorization and preserving high-order proximities in graphs, additionally accounts for the asymmetric transitivity property of directed networks.

Laplacian Eigenmaps (LE) [1] first constructs a weighted representation ˆAof A by leveraging first order proximities on G. The Laplacian matrix L is computed using ˆAand embeddings are obtained from the d eigenvectors corresponding to the lowest eigenvalues of L.

Locally Linear Embeddings (LLE) [31] operates under the assumption that nodes and their neighbours lie on locally linear patches of a high-dimensional manifold. The embedding of a node can, thus, be derived from the linear coefficients that better reconstruct the node from the embeddings of its neighbours.

M-NMF [32] incorporates community structure information in the embedding learning process via modularized nonnegative matrix factorization.

AROPE [18] similarly to GraRep, proposes embeddings as found by the truncated singular value decomposition of polynomials of A. The authors describe a fast eigen-decomposition method for these polynomials based on shifting or reweighing the decomposition of A.

3) Methods based on neural Networks: Due to their abil-

ity to capture highly non-linear relations, deep models and particularly auto-encoders have also been used for network representation learning.

Structural Deep Network Embedding (SDNE) [20] uses a deep neural network for learning embeddings that capture first and second order proximities on the graph.

PRUNE [8] relies on a deep siamese neural network for learning node embeddings and can incorporate node ranking as additional information.

VERSE [19] learns embeddings by training a single layer neural network that minimizes the Kullback-Leibler (KL) divergence between node similarities in G and vector similarities in X. Noise Contrastive Estimation is used for scalability.

4) Probabilistic Methods: These methods use probabilistic approaches to model node similarities and learn embeddings.

LINE [3] uses joint and conditional probability distributions to model the first and second order adjacencies between linked nodes in G. The Skip-Gram model is used to obtain node embeddings.

CNE [9] uses a Bayesian approach to generate embeddings which model the observed network while taking prior information into account. The prior can incorporate structural graph properties such as node degrees or block densities for clustered or multi-partite networks.

B. Baseline Heuristics

In addition to the NE methods, we evaluate a set of LP heuristics as baselines. These heuristics use the neighbourhoods  Γ(i)and  Γ(j)of nodes pairs {i, j} to derive similarity scores which can be interpreted as link probabilities. In our experiments we consider Common Neighbours defined as:  CN{i,j} = |Γ(i) ∩ Γ(j)|; Jaccard Coefficient, JC{i,j} = |Γ(i) ∩ Γ(j)|/|Γ(i) ∪ Γ(j)|; Adamic-Adar Index, AA{i,j} = �k∈Γ(i)∩Γ(j) 1/ log |Γ(k)|; Resource Allocation Index,  RAI{i,j} = �k∈Γ(i)∩Γ(j) 1/|Γ(k)|and Preferential Attachment,  PA{i,j} = |Γ(i)| · |Γ(j)|.

Additionally, we generate a ‘heuristics embedding’ by concatenating CN, JC, AA, RAI, and PA as a 5-dimensional node-pair embedding. Logistic regression is then used to obtain link predictions. We will refer to this method as NE heuristics.

We conduct our experimental evaluation on 7 undirected real-world networks from different domains. These networks are medium-sized to ensure successful execution of all methods and constrain the computational resources needed. Next, we present a short description of each network and in Table II, we summarize their main statistics.

StudentDB [33] represents a snapshot of Antwerp University’s relational student database. Nodes in the network represent entities such as students, professors, tracks, etc. and edges constitute binary relations, i.e. student-in-track, student-in-program, student-take-course, professor-teach-course, course-in-room. Facebook [34] and BlogCatalog [35] are online social networks where nodes represent different users and edges indicate friendships. GR-QC [34] and AstroPh [34] describe collaboration networks in the fields of General Relativity and Astrophysics. Nodes represent papers and edges denote citations between them. PPI [36] is a biological protein-protein interaction network and constitutes a subset of the Homo Sapiens PPI network. Finally, Wikipedia [37] contains nodes representing words in Wikipedia pages and links denoting co-occurrences.

In this section we give details on the LP task, present the experimental setup used and discuss the limitations to the scope of the evaluation and reproducibility of results.

TABLE II SUMMARY OF DATASET STATISTICS WHERE  2|E|/|V|DENOTES THE AVERAGE NODE DEGREES OF THE UNDIRECTED NETWORKS.

image

A. Link Prediction

As pointed out in Section I the objective in LP is to identify missing links in an incomplete graph G. Thus, the first step to evaluate LP is to preprocess G and obtain sets of train and test node-pairs. We use the standard approach of generating an incomplete training graph  Gtrain = (V, Etrain)from a more complete graph G = (V, E) where the connected node-pairs  {i, j} ∈ E \ Etrainare used for testing. The proportion f = |Etrain|/|E|(or train fraction) is a user-defined parameter. For obtaining  Etrainand  Etestwe evaluate 3 approaches, namely random [16], spanning tree (ST) [17] and depth first tree (DFT). The first is a random sampling strategy followed by a main connected components computation, while ST and DFT constructively ensure that  Gtraincontains a spanning tree of G. Specifically, these strategies proceed as follows:

1) Random: This approach proposed in [16] starts by randomly selecting a set of edges from E as ‘preliminary’ test edges, ˆEtest. The main connected component spanned by the remaining edges  {i, j} ∈ E\ ˆEtestis then computed. These edges are considered as the training edges  Etrainspanning a training graph  Gtrain = (Vtrain, Etrain). Finally, only the test edges  {i, j} ∈ ˆEtest such that i ∈ Vtrain and j ∈ Vtrainform the set of final ‘refined’ test edges  Etest. The sizes of the train and test edge sets are expected to vary between different executions of the algorithm.

2) ST: This approach proposed in [17] first computes the main connected component of the input graph. Then, a spanning tree of this graph G is selected uniformly at random from the set of all possible ones using the algorithm proposed in [38]. The edges in this spanning tree are then added to  Etrain.Additional edges are selected uniformly at random from G and added to  Etrainuntil a set train edge fraction f is reached. The remaining edges are used for testing. The sizes of the edge sets returned by this approach in different execution on the same graph are expected to be constant.

3) DFT: This approach is a faster version of the ST method but with a fundamental difference i.e. the spanning tree of G is not selected uniformly at random, but computed using a deterministic depth first traversal algorithm. For small graphs this can result in highly similar sets of train edges obtained with different random seeds. Then, as for the ST approach, random edges are added to the spanning tree to form  Etrain. The remaining edges are used for testing.

In addition to splitting connected pairs, we also generate sets of train and test non-edges,  Dtrain and Dtest. The node-pairs in these sets are randomly selected using an open world assumption where any pair  {i, j} /∈ Etrainis considered a valid train non-edge. Test non-edges are selected as pairs  {i, j} /∈(E ∪ Dtrain). In our experiments, we use the same number of connected and non-connected node-pairs.

For hyperparameter tuning the train sets need to be further split into train and validation. We fix these values to 90% train and 10% validation in all our experiments and the validation split is always performed using the same algorithm as the initial train-test split. Grid search is adopted as the strategy for learning the best model hyperparameters.

For most methods, with the exception of CNE, AROPE and the LP heuristics, for which node-pair similarities are directly computed, the link predictions are learned through binary classification. First, node-pair embeddings for  Etrain, Dtrain, Etestand  Dtestneed to be obtained from the node embeddings X learned by a method on  Gtrain. The embedding of a pair {i, j} can be computed by applying different operators to the embeddings of the incident nodes  i and j i.e. x{i,j} =xi◦xj. In our evaluation, we use the operators introduced in [7], namely Average ((xi + xj)/2), Hadamard (xi · xj), WeightedL1 (|xi−xj|) and Weighted L2 (|xi−xj|2). A binary classifier is then fitted with the node-pair embeddings and labels {0, 1} representing non-edges and edges, respectively.

B. Evaluation Setup

We use two experimental setups, called LP1 and LP2, with model hyperparameter tuning as only difference. While in LP1 we tune all hyperparameters presented in Table I as well as the node-pair operator, in LP2 we use default recommended parameters for all methods while still tuning the node-pair embedding strategy. In both cases, we provide results averaged over 3 experiment repeats and report test AUC-ROC values and execution times. We quantify method accuracy in terms of AUC-ROC as it is easily interpretable and the most commonly used LP evaluation metric. For visualization porpoises, we use  − log(1 − AUCROC), as it better reflects differences in performance for AUC-ROC values  ≊ 1. Unless otherwise specified we use embedding dimensionality d = 128, train fraction f = 0.8, ST as edge sampling strategy and logistic regression (with 5-fold CV to tune the regularization parameter) as binary classifier. Finally, all methods are run for their pre-defined number of iterations.

Setup LP1 is used to analyse the performance of NE methods with respect to parameters  d ∈ {8, 32, 128}and f ∈ {0.2, 0.5, 0.8}. Setup LP2, on the other hand, is used to investigate the effect of the edge sampling strategies introduced in Section IV-A, and the choice of binary classifier.

C. Limits to the scope of the evaluation

Constraints on overall computation time (the results in Section V required 50.2 days to compute) inevitably imply boundaries to the scope of this evaluation: It is limited to popular mid-sized undirected, unweighted networks. It evaluates a representative but non-exhaustive set of state-of-the-art NE methods. It only evaluates methods purely exploiting the network structure (and not node/edge meta-data), such that some methods are not shown in their full potential (but note that the same holds for the heuristic baselines). Furthermore, the selected heuristics are very simple, other more powerful similarity metrics between network nodes have been proposed e.g. in [39], [40]. These are not included, as a thorough analysis of LP heuristic performance is not the main goal of our work. For a detailed overview and experimental evaluation of different heuristics we refer the reader to [41]. Including these more powerful predictors, however, could only strengthen the main conclusion drawn in this paper, that heuristic LP approaches, to date, remain competitive and in some cases outperform LP based on NE methods.

D. Reproducibility Notes

In order to ensure the reproducibility of our results and foster further research in this area, we have based our experimental evaluation upon the EvalNE framework. This open source Python toolbox aims to simplify the evaluation of NE methods for LP, network reconstruction, node classification, and visualization. The toolbox automates tasks such as hyperparameter tuning, selection of train and test edges or non-edge sampling. It implements widely used node-pair embedding operators and can incorporate any classifier for prediction. Moreover, its design ensures that common errors, such as the computation of features on G rather than just on  Gtrain, or other forms of label leakage, are ruled out. Finally, EvalNE can assess the scalability of methods through wall clock time and performance through a wide range of accuracy measures e.g. AUC-ROC, PR, F-score, and threshold curves. Configuration files describing our complete evaluation setup and which can be used directly in EvalNE to replicate our results, are made available online.

In this section we present the results of our empirical study. More specifically, in Section V-A we discuss LP accuracy, in Section V-B the relation between method performance and network structure, in Section V-C hyperparameter tuning, embedding dimensionality in Section V-D, train-test splits in Section V-E, edge sampling in Section V-F and finally binary classification in Section V-G. All experiments were conducted on a machine equipped with two 12 Core Intel(R) Xeon(R) Gold processors and 256GB of RAM.

A. Link Prediction Accuracy

We start in Table III by presenting the AUC-ROC scores for each method on the LP task. These results were obtained using setup LP1 where we additionally tuned the embedding dimensionality,  d ∈ {8, 32, 128}. All methods performed best for d = 128, except CNE, which performed best for d = 8 (see Section V-D for detailed discussion). The methods are grouped in the table according to the taxonomy in Section II with the best performing method per group highlighted in bold and the overall best for each network on grey background. The last two columns show the average method performance and average ranking among other methods over all networks.

The results in Table III show the excellent performance, on most datasets, of the LP heuristics and in particular of RAI and our proposed NE heuristics. The latter, together with GraRep, achieves the highest average AUC-ROC amongst all methods of 0.963. In addition, although the NE heuristics method is not a top performer on any particular network, its AUC-ROC scores are consistently high across all networks and never more than 2% lower than the best scores in each case. This effect, is also reflected by the method’s excellent average AUCROC rank (2ndoverall). Amongst random walk approaches, the implementations of DeepWalk and Node2vec evaluated provide the best results. GraRep is the matrix factorizationbased method with highest scores and presents a consistent performance across all networks. Nonetheless, AROPE and HOPE also exhibit good performance. VERSE and CNE are respectively the best neural architecture-based and probabilistic methods. Overall, according to their average AUC-ROCs and AUC-ROC ranks, the best performing methods are: VERSE, NE heuristics, GraRep and CNE. It is worth noting that for these top performers we tuned at most one hyperparameter and, thus, their excellent performance can not be ascribed simply to an exhaustive model selection process. Also noteworthy is the fact that CNE achieves state-of-the-art results with an 8-dimensional embedding as compared to the 128 dimensions required by other methods.

In the absence of additional data, such as node or edge attributes, our experiments suggest an overall improvement in performance as the order of proximity between nodes, captured by a model, increases. GraRep, the best performing NE method, captures up to 8-step relations. HOPE and AROPE, also top performers, capture up to 4-step relations while the remaining first and second order methods, present a lower performance. Exception to this pattern can be found for VERSE and CNE. In the case of VERSE, the second-order method employs a nonlinear transformation able to preserve more information from the original network. CNE, on the other hand, finds an embedding based on first-order information. Its excellent performance can be explained by the fact that it additionally models structural information (node degrees) in the prior, leaving more flexibility to the embedding.

Another important observation from the results in Table III is that method performance varies significantly between different implementations of the same NE methods (up to 11,7% for LINE on StundentDB). These differences are especially large for implementations of LINE (3.3% difference, on average, over all networks), HOPE (2.4%) and Node2vec (2%). The main factors causing these differences are numerical instability, approximation of computations and dependencies on different software versions with varying default parameters. In our supplementary material we also show fluctuations in method performance of up to 44.5% for GEM implementations due to package dependencies and up to 5% for metapath2vec due to multi-core execution. Also interesting is the difference in performance between Node2vec and DeepWalk. Here, one

TABLE III AUC-ROC SCORES AND STANDARD DEVIATIONS OVER 3 EXPERIMENT REPETITIONS FOR SETUP LP1 WHERE HYPERPARAMETERS ARE TUNED AND d = 128FOR ALL METHODS EXCEPT CNE WHERE  d = 8. NOTE THAT 0.000IN THE TABLE MEANS  < 0.0005. THE BEST METHOD WITHIN EACH TYPE OF APPROACH IS HIGHLIGHTED IN BOLD AND THE OVERALL BEST FOR EACH COLUMN ON GREY BACKGROUND.

image

would expect the first, which is a generalization of the latter, to perform better. This is indeed the case when the SkipGram model is approximated via negative sampling for both methods, as showed by the authors of [7]. However, in our experiments, the Skip-Gram is approximated via hierarchical softmax for DeepWalk (as proposed by the original authors) and via negative sampling for Node2vec (also as proposed by the original authors). When comparing, for both methods, these two approximations of the Skip-Gram model, we observed a significant difference in LP AUC-ROC of 0.02 with a standard deviation of 0.02.

B. Method Performance and Network Structure

The results in Table III also show that most NE methods and heuristics perform well on the Facebook, AstroPH and GR-QC networks (a graphical representation of the results in Table III, is provided in the rightmost heatmap in Fig. 41). These networks, share similar topologies with large diameters and high clustering coefficients which indicate the presence of community structures within the networks. These observations are consistent with the data represented by the networks i.e. groups of friends in Facebook and citations between papers in different subfields for AstroPH and GR-QC. The community structures with high inter-community edge densities and low intra-community densities could explain the higher LP performance of most methods.

On the other hand, the lowest method performance can be observed for StudentDB, BlogCatalog, PPI and Wikipedia. For StudentDB, the k-partite structure of the network poses a challenge to both heuristics and NE methods. Firstly, due to the fact that in this case similar node neighbourhoods do not necessarily imply that two nodes should be connected. For instance, two students following the same courses will have identical node neighbourhoods, yet, they should never be connected, as links between nodes of the same types do no exist in the data. Also, NE methods must at the same time represent similarity between nodes of different types and dissimilarity for those of the same type. For example, students following the same course must be embedded close to said course yet far from each other. Methods able to capture high order proximities between nodes (e.g GraRep, HOPE, AROPE) or those that learn node roles (e.g. Metapath2vec) maintain high AUC-ROC scores in this case. The BlogCatalog and Wikipedia networks present very similar structures with small diameters, high clustering coefficients and large average degrees. This can result in cluttered representations where all nodes are close-by making the LP task harder. Finally, the PPI network presents the opposite scenario with a large diameter and small clustering coefficient. This can result in embeddings where most nodes lie equally far from each other and thus lower LP AUC-ROCs.

We further analyse the reasons behind the large variations in method performance on different networks by computing the average true positive rates (TPR) and false positive rates (FPR) over all methods for each network. As threshold, we use the

image

Fig. 1. Improvement in AUC-ROC of tuning model hyperparameters. Only methods with tuned parameters are shown.

image

image

Fig. 2. Best performing node-pair embedding operators for each method and datasets on setup LP1.

value in the AUC-ROC curve that maximises the accuracy of predictions. We observe that while most TPRs at this threshold vary around 0.8, the FPRs for StudentDB, BlogCatalog, PPI and Wikipedia are up the three orders of magnitude higher that those of other networks. This indicates that, indeed, a clear community structure simplifies the LP task while cluttered graphs negatively impact the prediction of non-link.

C. Hyperparameter Tuning

Fig. 1 presents a heatmap of the increment in LP accuracy obtained through hyperparameter tuning, i.e. the difference in AUC-ROC between setups LP1 and LP2. Only methods for which hyperparameters were tuned are shown in this figure. The results reveal only limited improvements in most cases, however, in 8% of the network-method combinations significant improvements of up to 5% can be observed. Methods including WYS, SDNE and CNE benefit most from hyperparameter tuning. Popular random walk methods such as DeepWalk and Node2vec, for which parameter tuning is tedious, show minimal improvements in AUC-ROC.

In Fig. 2 we present the node-pair embedding operator selected using hyperparameter tuning for each method and network on experimental setup LP1. The results indicate that Hadamard is the most frequently selected and that the neural network-based models prefer specific operators, Hadamard in the case of SDNE and VERSE and Average for PRUNE. The remaining methods present a mix of operators. On average, over all methods and datasets we observe a difference in validation AUC-ROC between the best and the worst performing operator of 0.144 with a standard deviation of 0.091. This clearly highlights the need to tune the node-pair embedding operator as a method hyperparameter.

For each method, the sum of execution times on the 7 evaluated networks for experimental setups LP1 and LP2 are presented in Fig. 3. As expected, runtimes for LP1 are larger than those of LP2 and the differences are especially significant for the methods with more tuned hyperparameters e.g. Node2vec, SDNE, AROPE (as this implies computing an embedding of the validation graph for each combination of hyperparameters). Surprisingly, however, the highest increase in runtime can be found for GraRep, for which only the k-step parameter was tuned. This indicates that computing high order proximities in GraRep is expensive and, as shown by Fig. 1, does not result in a large improvement in performance. We

image

Fig. 3. Execution times in seconds of setups LP1 and LP2.

also observe that naive sequential implementations of the LP heuristics are still faster than heavily optimized and parallelised NE methods with only AROPE presenting comparable runtimes. Finally, with no parameter tuning, similar patterns can be observed within each method family with factorization methods being the fastest.

D. Embedding Dimensionality

We evaluate the effect of embedding dimensionality on method performance by modifying setup LP1 and computing the AUC-ROC of all methods for  d ∈ {8, 32, 128}. For visualization purposes we compute  − log(1−AUCROC) andpresent the results in three heatmaps in Fig. 4 where a darker colour indicates better performance. The LP heuristics do not depend on d but are shown for reference. These results support the conclusions extracted from Table III regarding the best performing methods. They also show improved performance as d grows for all methods except CNE for which the opposite is true. For AROPE we can observe overfitting on the small StudentDB network. In this case, the method computes embeddings by eigen-decomposition of  A3, which performs well for low values of d but significantly worse as d increases.

image

Fig. 4. Method performance as  − log(1 − AUCROC)on setup LP1 for d ∈ {8, 32, 128}. Darker colours indicate better performance.

E. Train-Test Split Size

We further use experimental setup LP1 to analyse the effect on method performance of the train fraction f. These results are also summarized as three heatmaps in Fig. 5 showing method performance for  f ∈ {0.2, 0.5, 0.8}. For GR-QC performing a 20-80 split while keeping the training graph connected was not possible due to a low edge density, thus, we resorted to using a 35-65 split instead. An interesting observation from these results is that for f > 0.5 most methods capture well the network structures while this is not the case for f < 0.5. This is reflected by an average increase in AUC-ROC over all methods of 7% between f = 0.2 and f = 0.5 while only a 2% difference can be observed between f = 0.5 and f = 0.8. Additionally, we find that neural network-based NE methods are most robust to varying train sizes followed by probabilistic, random walk-based, matrix factorization, and finally the LP heuristics. The proposed NE heuristics method, GraRep, VERSE, and CNE best capture the network structure when only 20% of train edges are available. Lastly, regarding method runtimes, these increase by approximately 50% from evaluations with f = 0.2 to f = 0.8. Some notable exceptions are Metapath2vec, SDNE and Node2vec opne, for which the runtimes increase 82.6%, 78.3% and 73.2% respectively.

F. Edge Sampling

We also conduct an experiment to compare the three strategies introduced in Subsection IV-A, i.e. random, ST and DFT for splitting E into  Etrainand  Etest. Our aim is to study the impact of these strategies on LP performance and sampling execution time. We isolate the effect of this pipeline component by using experimental setup LP2 where no method hyperparameters, apart from the node-pair embedding operator, are tuned. Our results show minimal differences in method

image

Fig. 5. Method performance as  − log(1 − AUCROC)on setup LP1 for train-test edge splits 20-80, 50-50 and 80-20. Darker colours indicate better performance.

image

Fig. 6. Execution times of different train-test split algorithms.

accuracy between the three strategies. More precisely, the average AUC-ROC over all methods and datasets using random edge split is 0.897 with a standard deviation of 0.107 while for the ST strategy the average AUC-ROC is 0.902 with the same standard deviation of 0.107. For DFT the average AUC-ROC is also 0.902 with a standard deviation of 0.123.

For very large networks, the edge sampling strategy can become a bottleneck and, thus, sampling runtimes are also worth investigating. Our results, depicted in Fig. 6, show that the random strategy is the slowest followed by ST and finally, DFT which is up to one order of magnitude faster on specific networks. The slower runtimes of the random strategy are mainly due to set intersections to obtain the correct  Etrain andEtest. In addition, we have found that the random edge split strategy does not preserve all nodes from the input graph G in the training graph  Gtrain. On average, over all datasets 2.5% of the nodes in G are lost. This effect is especially severe for the networks with the lowest average degrees, i.e. StudentDB and GR-QC, which lose up to 8% of their nodes. The ST and DFT strategies, on the other hand, preserve all nodes.

image

Fig. 7. Performance of the heuristics and NE methods compared for the spanning tree and timestamp-based sampling strategies.

We have also monitored the variation in performance when embeddings were learned from different initial training graphs Gtrain. For each edge split strategy we have run 3 different executions with varying initial random seeds and in all cases we used an 80-20 train-test split. We did not find any significant differences with a maximum standard deviation observed across all datasets, methods and strategies of only 0.004. The largest variations were observed for the smallest network, StudentDB. Ultimately, this experiment reveals that averaging LP results over several sets  Etrainand  Etestgenerated using different random seeds —in order to obtain unbiased estimates of method performance— becomes less necessary as the train network sizes (Gtrain) surpass a few thousand nodes.

Finally, we compare the ST strategy for randomly splitting edges in sets  Etrainand  Etestto a split based on edge timestamps. This setup will also allow us to determine if the excellent performance of the heuristics is boosted by the random edge sampling strategy used. For this, we use two temporal networks CollegeMsg and MathOverflow obtained from the SNAP repository [34]. The first network encodes messages sent between students at UC Irvine while the second captures interactions between users of the Math Overflow social platform. As both networks present temporal information on the edges, this allows us to compare a timestamp-based edge sampling to the random ST strategy. We do this by using setup LP2 with a fixed train fraction of 0.8. In the timestamp edge sampling we select the 20% most recent edges such that, when these are removed, the remaining graph is still connected. Our results are summarized in Fig. 7. Firstly, we observe opposite effects on method performance for the two sampling strategies. While the random ST sampling appears to boost the performance of NE methods over that of the heuristics, the timestamp-based sampling favours the performance of the heuristics. If we now compare heuristic performance between the two strategies, we observe somewhat similar AUC-ROC scores. For the NE methods, however, performance clearly improves with the random strategy. This indicates that the random sampling strategies are, in fact, boosting the performance of the NE methods over that of the heuristics and not vice versa.

image

Fig. 8. Standard deviations in LP AUC-ROC with different binary classifiers.

G. Binary Classification

In this experiment we evaluate the changes in AUC-ROC due to the binary classification method used. We adapt experimental setup LP2 and consider the following classifiers: logistic regression (LR), logistic regression with 5-fold cross validation (LRCV) and decision trees (DT). A heatmap summarizing the standard deviations of the AUC-ROC scores, obtained for each method and dataset, using the three aforementioned classifiers, is presented in Fig. 8. In contrast to recent results suggesting large variations in performance between LR and LRCV [16], we did not find significant differences in our evaluation. The large standard deviations in the figure are fundamentally due to the DT classifier. When predictions were given by a DT classifier, the performance of two matrix factorization approaches, LE and LLE, improved. For LE we observed an increment in average AUC-ROC over all networks of 6.5%, from 0.87 using LRCV to 0.93 with DT. For LLE the increment was of 7.8%, from an AUC-ROC of 0.84 with LRCV to 0.91 with DT. All other methods, and particularly the OpenNE implementations of Node2vec and LINE, showed lower AUC-ROC scores for DT as compared to LRCV.

H. External validation of the results

Due to differences in the evaluations, we can only validate our results, to some extent, against the empirical results in the Node2vec and CNE papers. In the first case, although our AUC-ROC scores are consistently higher, the same main conclusion holds: node2vec outperforms its competitors on the three networks originally selected. However, a properly tuned LINE exhibits similar performance or even outperforms node2vec on other networks. In the second case, our results are very similar to those reported by the authors of CNE. Finally, our evaluation also corroborates the conclusions reported by the authors of AROPE and VERSE as well as the choice of node-pair operator for the latter.

In this paper we have conducted an extensive empirical study on NE methods for LP. Our results show that, despite the surge of interest in the field in recent years, thin progress has been made. Complex state-of-the-art NE methods can be matched or even outperformed by simple baselines with no hyperparameters, in terms of both accuracy and runtime. On average, the proposed NE heuristics baseline outperforms all others methods for the LP task. Nevertheless, some embedding-based methods such as GraRep, VERSE and CNE do show promising results. We have also shown that clear community structures in the graphs, high embedding dimensionalities and capturing high order proximities between nodes all impact method performance positively. In contrast with recently published results, our experiments indicate no significant difference between LR and LRCV as binary classifiers in this setting. We also highlight the need to tune the node-pair embedding operator as model hyperparameter and that a single train-test split provides a good estimation of method accuracy resulting in higher evaluation efficiency. Finally, we hope this study and evaluation toolboxes such as EvalNE serve as initial steps towards the creation of standard evaluation pipelines for NE methods, and shed light on the current state-of-the-art. Specifically, we plan to use these results as a basis for an online resource that is continuously augmented with results for newly developed methods and/or other networks.

[1] M. Belkin and P. Niyogi, “Laplacian eigenmaps and spectral techniques for embedding and clustering,” in Proc. of NIPS, pp. 585–591, 2002.

[2] B. Perozzi, R. Al-Rfou, and S. Skiena, “Deepwalk: Online learning of social representations,” in Proc. of KDD, pp. 701–710, 2014.

[3] J. Tang, M. Qu, M. Wang, M. Zhang, J. Yan, and Q. Mei, “LINE: Largescale information network embedding,” in Proc. of WWW, pp. 1067–1077, 2015.

[4] S. Cao, W. Lu, and Q. Xu, “GraRep: Learning graph representations with global structural information,” in Proc. of CIKM, pp. 891–900, 2015.

[5] M. Ou, P. Cui, J. Pei, Z. Zhang, and W. Zhu, “Asymmetric transitivity preserving graph embedding,” in Proc. of KDD, pp. 1105–1114, 2016.

[6] M. Gao, L. Chen, X. He, and A. Zhou, “Bine: Bipartite network embedding,” in Proc. of SIGIR, pp. 715–724, 2018.

[7] A. Grover and J. Leskovec, “node2vec: Scalable feature learning for networks,” in Proc. of KDD, pp. 855–864, 2016.

[8] Y.-A. Lai, C.-C. Hsu, W. H. Chen, M.-Y. Yeh, and S.-D. Lin, “Prune: Preserving proximity and global ranking for network embedding,” in Advances in Neural Information Processing Systems 30 (I. Guyon, U. V. Luxburg, S. Bengio, H. Wallach, R. Fergus, S. Vishwanathan, and R. Garnett, eds.), pp. 5257–5266, Curran Associates, Inc., 2017.

[9] B. Kang, J. Lijffijt, and T. D. Bie, “Conditional network embeddings,” in International Conference on Learning Representations, 2019.

[10] W. L. Hamilton, R. Ying, and J. Leskovec, “Representation learning on graphs: Methods and applications,” 2017.

[11] D. Zhang, J. Yin, X. Zhu, and C. Zhang, “Network representation learning: A survey,” 2018.

[12] P. Goyal and E. Ferrara, “Graph embedding techniques, applications, and performance: A survey,” Knowledge-Based Systems, vol. 151, pp. 78–94, 2018.

[13] R. N. Lichtenwalter and N. V. Chawla, “Link prediction: Fair and effective evaluation,” in Proc. of ASONAM, pp. 376–383, 2012.

[14] Y. Yang, R. N. Lichtenwalter, and N. V. Chawla, “Evaluating link prediction methods,” KAIS, vol. 45, no. 3, pp. 751–782, 2015.

[15] D. Garcia-Gasulla, C. U. Cortes, E. Ayguade, and J. J. Labarta, “Evaluating link prediction on large graphs,” in Proc. of CAAI, pp. 90–99, 2015.

[16] S. Gurukar, P. Vijayan, A. Srinivasan, G. Bajaj, C. Cai, M. Keymanesh, S. Kumar, P. Maneriker, A. Mitra, V. Patel, B. Ravindran, and S. Parthasarathy, “Network representation learning: Consolidation and renewed bearing,” ArXiv, vol. abs/1905.00987, 2019.

[17] A. Mara, J. Lijffijt, and T. D. Bie, “Evalne: A framework for evaluating network embeddings on link prediction,” 2019.

[18] Z. Zhang, P. Cui, X. Wang, J. Pei, X. Yao, and W. Zhu, “Arbitrary-order proximity preserved network embedding,” in Proceedings of the 24th ACM SIGKDD International Conference on Knowledge Discovery &#38; Data Mining, KDD ’18, (New York, NY, USA), pp. 2778–2786, ACM, 2018.

[19] A. Tsitsulin, D. Mottin, P. Karras, and E. M¨uller, “Verse: Versatile graph embeddings from similarity measures,” in Proceedings of the 2018 World Wide Web Conference, WWW 18, (Republic and Canton of Geneva, CHE), p. 539548, International World Wide Web Conferences Steering Committee, 2018.

[20] D. Wang, P. Cui, and W. Zhu, “Structural deep network embedding,” in Proc. of KDD, pp. 1225–1234, 2016.

[21] B. Kotnis and V. Nastase, “Analysis of the impact of negative sampling on link prediction in knowledge graphs,” ArXiv, vol. abs/1708.06816, 2017.

[22] X. Wei, L. Xu, B. Cao, and P. S. Yu, “Cross view link prediction by learning noise-resilient representation consensus,” in Proc. of WWW, pp. 1611–1619, 2017.

[23] M. Hutson, “Core progress in ai has stalled in some fields,” Science, vol. 368, no. 6494, pp. 927–927, 2020.

[24] M. F. Dacrema, P. Cremonesi, and D. Jannach, “Are we really making much progress? a worrying analysis of recent neural recommendation approaches,” in Proceedings of the 13th ACM Conference on Recommender Systems, RecSys 19, (New York, NY, USA), p. 101109, Association for Computing Machinery, 2019.

[25] D. Blalock, J. J. G. Ortiz, J. Frankle, and J. Guttag, “What is the state of neural network pruning?,” 2020.

[26] T. Mikolov, K. Chen, G. Corrado, and J. Dean, “Efficient estimation of word representations in vector space,” 2013.

[27] L. F. Ribeiro, P. H. Saverese, and D. R. Figueiredo, “struc2vec: Learning node representations from structural identity,” in Proceedings of the 23rd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, pp. 385–394, ACM, 2017.

[28] Y. Dong, N. V. Chawla, and A. Swami, “Metapath2vec: Scalable representation learning for heterogeneous networks,” in Proceedings of the 23rd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, KDD ’17, (New York, NY, USA), pp. 135– 144, ACM, 2017.

[29] S. Abu-El-Haija, B. Perozzi, R. Al-Rfou, and A. Alemi, “Watch your step: Learning node embeddings via graph attention,” in Proceedings of the 32nd International Conference on Neural Information Processing Systems, NIPS18, (Red Hook, NY, USA), p. 91989208, Curran Associates Inc., 2018.

[30] A. Ahmed, N. Shervashidze, S. Narayanamurthy, V. Josifovski, and A. J. Smola, “Distributed large-scale natural graph factorization,” in Proc. of WWW, pp. 37–48, 2013.

[31] S. T. Roweis and L. K. Saul, “Nonlinear dimensionality reduction by locally linear embedding,” Science, vol. 290, no. 5500, pp. 2323–2326, 2000.

[32] X. Wang, P. Cui, J. Wang, J. Pei, W. Zhu, and S. Yang, “Community preserving network embedding,” in Proceedings of the Thirty-First AAAI Conference on Artificial Intelligence, AAAI’17, pp. 203–209, AAAI Press, 2017.

[33] B. Goethals, W. Le Page, and M. Mampaey, “Mining interesting sets and rules in relational databases,” in Proceedings of the 2010 ACM Symposium on Applied Computing, SAC ’10, (New York, NY, USA), pp. 997–1001, ACM, 2010.

[34] J. Leskovec and A. Krevl, “SNAP Datasets: Stanford large network dataset collection,” 2015.

[35] R. Zafarani and H. Liu, “Social computing data repository at asu,” 2009.

[36] B.-J. Breitkreutz, C. Stark, T. Reguly, L. Boucher, A. Breitkreutz, M. Livstone, R. Oughtred, D. H. Lackner, J. B¨ahler, V. Wood, et al., “The biogrid interaction database: 2008 update,” Nucleic acids research, vol. 36, pp. D637–D640, 2007.

[37] M. Mahoney, “Large text compression benchmark,” URL: http://www.mattmahoney.net/text/text.html, 2011.

[38] D. B. Wilson, “Generating random spanning trees more quickly than the cover time,” in Proc. of STOC, pp. 296–303, 1996.

[39] W. Cukierski, B. Hamner, and B. Yang, “Graph-based features for supervised link prediction,” in The 2011 International Joint Conference on Neural Networks, pp. 1237–1244, 2011.

[40] A. Hagberg, P. Swart, and D. S Chult, “Exploring network structure, dynamics, and function using networkx,” in In Proceedings of the 7th Python in Science Conference (SciPy), pp. 11–15, 2008.

[41] A. Ghasemian, H. Hosseinmardi, A. Galstyan, E. M. Airoldi, and A. Clauset, “Stacking models for nearly optimal link prediction in complex networks,” 2019.


Designed for Accessibility and to further Open Science