Next Article in Journal
Synchronization Control Algorithm of Double-Cylinder Forging Hydraulic Press Based on Fuzzy Neural Network
Previous Article in Journal
A Novel Coupling Algorithm Based on Glowworm Swarm Optimization and Bacterial Foraging Algorithm for Solving Multi-Objective Optimization Problems
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Multi-View Network Representation Learning Algorithm Research

1
School of Computer Science, Shaanxi Normal University, Xi’an 710119, China
2
Tibetan Information Processing and Machine Translation Key Laboratory of Qinghai Province, Xining 810008, China
3
Key Laboratory of Tibetan Information Processing, Ministry of Education, Xining 810008, China
4
School of Computer, Qinghai Normal University, Xining 810008, China
*
Author to whom correspondence should be addressed.
Algorithms 2019, 12(3), 62; https://doi.org/10.3390/a12030062
Submission received: 30 January 2019 / Revised: 7 March 2019 / Accepted: 8 March 2019 / Published: 12 March 2019

Abstract

:
Network representation learning is a key research field in network data mining. In this paper, we propose a novel multi-view network representation algorithm (MVNR), which embeds multi-scale relations of network vertices into the low dimensional representation space. In contrast to existing approaches, MVNR explicitly encodes higher order information using k-step networks. In addition, we introduce the matrix forest index as a kind of network feature, which can be applied to balance the representation weights of different network views. We also research the relevance amongst MVNR and several excellent research achievements, including DeepWalk, node2vec and GraRep and so forth. We conduct our experiment on several real-world citation datasets and demonstrate that MVNR outperforms some new approaches using neural matrix factorization. Specifically, we demonstrate the efficiency of MVNR on network classification, visualization and link prediction tasks.

1. Introduction

The network representation learning aims at learning and obtaining the low-dimensional, compressed and dense distributed representation vectors for various kinds of networks. It can be straightforwardly considered as the network encoding task for the networks, consequently, the nearest neighboring vertices have closer distance in the network representation space of lower dimension.
DeepWalk is the representative algorithm of network representation learning. However, DeepWalk [1] is able to incorporate higher-order network information by multiple steps of random walks. In this respect, WALKLETS [2] has conducted some positive explorations and researches and proved that multi-step random walk can encode higher-order features into the network representations. Meanwhile, high-order network representation learning can excavate valuable features only based on the existing network structural information in some sparse networks. In addition, the essence of DeepWalk based on Skip-Gram is to factorize the matrix of network structural features [3]. Fortunately, GraRep [4] and Network Embedding Update (NEU) [5] are proposed to learn the network representations, which can capture higher order network features. Thus, inspired by GraRep [4], WALKLETS [2] and NEU [5], we propose a joint learning framework of multi-view network representation learning algorithm (MVNR). MNVR aims to capture higher order structural relations into lower dimension embeddings by weighting k-step network representations of higher order into a single vector. The k-th step network is denoted as the k-th view of the original network, therefore, MVNR is a network representation learning algorithm of integrating multi-view features.
The algorithm framework of MVNR is illustrated in Figure 1a,b.
As shown in Figure 1a, MVNR can capture higher order structural relations, because we reconstruct k-step networks based on the length k of random walk on edges, the new network is different from the original network, the relations between of them are not the inclusive relations. In term of original network, the 2-step network is the 2nd order feature network when k is set as 2 and so on.
As shown in Figure 1b, the link weights consist of the certainty degrees of existing edges and the link probabilities of non-existing edges. The certainty degrees of existing edges are applied to 1-step network and the link probabilities of non-existing edges are used to k-step networks where k > 2.
Most previous works on network representation learning use a “one-size fits all” approach to train the learning model, where the single learnt representations are applied to various tasks, for example, DeepWalk [1], Tri-Party Deep Network Representation (TriDNR) [6] and node2vec [7] can only capture lower order features, which fails to explicitly capture higher order relations and global structural information. Especially in sparse networks, the existing network representation learning algorithms based on network structures are difficult to get valuable relations and structural features between vertices. GraRep [4] aims to factorize transition feature matrix of the network, which can explicitly encode the network features of higher order but it does not research how to weight the features form different order networks. WALKLETS [2] improves the procedure of random walk, which can capture the walk sequences by skipping pre-selected length of walk step. Nevertheless, WALKLETS [2] is still unable to obtain global features of the network, in fact, it is still the network representation learning algorithm based on local features of the network. NEU [5] can implicitly approximate higher order proximities with theoretical approximation bound. In fact, NEU [5] is more like an optimization algorithm, which optimizes the network representation obtained by DeepWalk [1], node2vec [7] and Line [8] and so forth. This kind of optimization process transforms the low-order network representations into the high-order network representations, however, NEU has no influence on modeling procedure of network representation learning.
We adopt a novel approach to jointly learn the network representations. For the final network representations, the different k-step networks should be given different weights. Therefore, we adopt the link probabilities of non-existing edges to weight different k-step network features. For the joint learning task, we use the inductive matrix completion algorithm to generate network representations for each view. As the GraRep [4] algorithm, we concatenate different network representations from each view as the final representations. We believe that the k-step relations between different vertices reveal higher order relations and the global structural features, and it is essential to explicitly take full advantage of the different k-step network features for learning a better graph representation for various networks.
Our contributions are as follows:
(1)
We introduce a novel network representation learning (MVNR), which explicitly captures higher order neighboring relations and global features. In network classification task, the performance of MVNR is superior to that of network representation algorithms based on the features of single view, such as DeepWalk, Line and node2vec. MVNR also outperforms the existing network representation learning algorithm based on the features of higher order, such as, GraRep and NEU.
(2)
We introduce the Matrix Forest Index (MFI) to evaluate the weights of different k-step networks, which gives different weights for the representation vectors of different k-step networks in common representation vector space. This operation makes up for the important deficiency of GraRep algorithm. In addition, MFI features are calculated based on the network structure features. Therefore, it can provide sufficient structure features and improve the sparse problem of structure feature matrix in sparse networks.
(3)
The visualization result of MVNR algorithm is better than that of node2vec and DeepWalk algorithm. It shows stronger cohesiveness and clearer classification boundary. Therefore, MVNR can learn the discriminative representation vectors. Consequently, it also shows excellent performance in link prediction tasks, and its link prediction performance is better than that of the baseline algorithms used in this paper.

2. Related Work

Network representation learning aims to embed the features of the network to representation spaces of lower dimension. The network features are mainly composed of structural features, text features of nodes, community attributes and labels, which is also the input of network representation learning. Network representation learning is similar to network coding task. The output of network representation learning is representation vector space, which makes some nodes with similar features have a closer distance in vector space.
Most network analytics approaches possess higher computation complexity. Network representation learning is an effective yet efficient method to deal with the network analytics challenges, which converts the network data into the representation space of lower dimension in which the network structural features and properties are maximumly preserved. Network representation learning benefits various network analytics tasks as the vector representations, the learnt representations also can be applied efficiently in both time and space. For example, we can conduct the node classification, node clustering, node recommendation, node retrieval, node ranking, link prediction and network visualization and so forth. There also exist other example scenarios, such as, multimedia network embedding, Information propagation and social networks alignment and so forth.
According to the application whether the network properties are applied to modeling procedure or not, the existing network representation learning algorithms are mainly divided into two kind of different research systems. The first kind of research system is only based on the network structural features and the second kind of research system is based on the joint learning model. Their representative algorithms are DeepWalk [1] and TriDNR [6], respectively.
The methods based on network structural features aim to explore and research the performance improvement of network representation learning based on the structure features of the network. For example, Perozzi et al. [1] proposed the DeepWalk algorithm in 2014. DeepWalk [1] adopts the Skip-Gram model in Word2Vec [9], modifying the input of the model from (Current Word, Context Words) pairs into (Current Vertex, Context Vertices) pairs. These pairs are inputted to a shadow neural network, which can fully embed the structure features into representation spaces of lower dimension. Consequently, DeepWalk has been successfully applied to various tasks [10]. Line [8] proposed the first-order and second-order proximities function for learning large-scale network representation in 2015. Node2vec [7] improves random walk procedure of DeepWalk to sample neighboring vertices around the current vertex by introducing breadth-first search (BFS) and depth-first search (DFS) methods. Structural Deep Network Embedding (SDNE) [11] integrates global information during random walk procedure for network representation learning. Tu et al. [12] introduces the polysemy idea to representation learning which trains different network representations for current vertex according to different context nodes. There also exist some network representation approaches for the special network structures, such as DynamicTriad [13], DepthLGP [14] and Structural Deep Embedding for Hyper-Networks (DHNE) [15] and so forth. In addition, motivated by Generative Adversarial Networks (GAN) [16], some network representation learning algorithms introduce GAN to optimize the learning procedure, such as ANE [17], GraphGAN [18] and NetGan [19].
The method is based on the joint learning model and mainly improves the performance of network representation learning by means of introducing other attribute information of the network, such as community information, text contents and labels and so forth. According to existing literature findings, the performance of the joint network representation learning algorithm is better than that of the algorithm using only network structure information. Since the research foundation of DeepWalk, many researchers have proposed a variety of network representation learning algorithms based on joint learning model, such as, TriDNR [6], Content-Enhanced Network Embedding (CENE) [20], Graph Convolutional Network (GCN) [21], Discriminative Deep Random Walk (DDRW) [22], Planetoid [23], PTE [24], Modularized Nonnegative Matrix Factorization (M-NMF) [25], Accelerated Attributed Network Embedding (AANE) [26], COSINE [27] and Community Embedding (comE) [28] and so forth. Specifically, TriDNR [6] and CENE [20] incorporate the text contents into the procedure of network representation learning by treating the content information as a special kind of node. M-NMF [25] is a modularized nonnegative matrix factorization approach, which incorporates the community structures into network representations. Both COSINE [27] and comE [28] also incorporate the community information into network representations. AANE [26] is an accelerated attributed network embedding approach, which enables the joint learning framework to be conducted by decomposing the complicated learning and training into many sub-problems. In addition, based on the fact of matrix decomposition of DeepWalk [1], Yang et al. [29] proposes the Text-Associated Deep Walk (TADW) algorithm which ensembles text contents into matrix factorization algorithm. Based on the TADW [29] algorithm, the Max-Margin Deep Walk (MMDW) [30] algorithm adopts maximum margin algorithm to optimize the learnt representation vectors. There exist some community preserving [31] and heterogeneous [32] network representation algorithms.

3. Our Method

In this paper, we propose a novel network representation algorithm, MVNR, to learn multi-view representations of vertices in a network. Firstly, we introduce the multi-view strategy to define the k-step network features. Meanwhile, we introduce link prediction index to evaluate the link weights for existing and non-existing edges. Based on the link weights, we then propose a new approach to calculate the corresponding weights for each view’s representations. Finally, we propose a new approach to jointly learn the representations based on the different views and weight information. Consequently, our model integrates rich local structural information associated with the network, capturing the global structural properties of the network.

3.1. Formalization

Suppose that G = ( V , E ) is a network, we first denote some parameters, V denotes the node set, E denotes the edge set and E V × V . | V | is the size of node set. For each node v V , the purpose of network representation aims to learn the low-dimensional representation r v k , where k is the length of the representation vector and k is less than | V | . In addition, r v k is not only applied to network classification task but also can be used for various machine learning tasks, such as clustering, link prediction, recommendation systems and so forth.

3.2. Feature Extraction for Different k-Step Networks

DeepWalk uses Skip-Gram model for big-scale network representation learning, which captures context vertices by random walk algorithm. The objective of the DeepWalk is to maximize the following average log probability:
1 L i = 1 L t j t , j 0 log p ( v j + i | v i ) ,
where L denotes the number of vertices, v i denotes the current vertex and v j + i denotes the context vertices of the current vertex v i . t is the number of context vertices before and after the current vertex v i . t indicates the context window size to be 2t + 1. Moreover, the conditional probability p ( v j + i | v i ) can be defined by p ( v i + j | v i ) = exp ( o v i + j T r v i ) / v V exp ( o v T r v i ) , where r v and o v is the input and output latent variable, namely, the input and output representation vectors of v .
Based on DeepWalk and PageRank, the research achievements from TADW [29] show that DeepWalk aims to factorize the following matrix:
M i j = log [ e i ( P r + P r 2 + + P r t ) ] j t ,
where P r i j = 1 / d i , if ( i , j ) E , and P r i j = 0 otherwise. d i is the degree value of vertex i .
As shown in Equation (3), matrix M captures the t-th step neighboring vertices. Node2vec adopts BFS and DFS to capture higher order neighboring vertices, GraRep captures higher order network feature matrix by the k-step probability transition matrix B k , and B k is the multiplication form of multiple B , where B = D 1 A , A is an adjacency matrix, D is a diagonal matrix. One shortage of GraRep is that the inverse matrix D 1 does not exist when the network is sparse. Based on the Equation (2), TADW [29] presents a simplified target matrix and finds a balance between speed and accuracy. Consequently, matrix M can be formulated as follows:
M = P r + P r 2 2
Matrix M captures the first-order and second-order neighbors for vertices with small computation complexity.
GraRep uses the matrix ( D 1 A ) k to represent higher order feature matrix. In MVNR, we capture higher order features by defining the adjacency matrix A ( k ) as GraRep, but we perform some optimization operations for the matrix A ( k ) . Unlike GraRep algorithm, A ( k ) is the adjacency matrix of k-step network. In GraRep algorithm, ( D 1 A ) k can be regarded as the variation form of A k . A ( k ) can be regarded as the reachability matrix within k steps. Therefore, the optimization operations of A ( k ) adopt a similar form as GraRep, but the essence of matrix A ( k ) and A k is very different. Moreover, the structure feature matrix constructions based on A ( k ) and A k are also very different. These differences are the optimization operations of A ( k ) in this paper.
Here, we first adopt A ( k ) to denote the adjacency matrix of k-step network and A k = [ a i j k ] .
Matrix A ( k ) can be formulated as follows:
A ( k ) = [ a i j ( k ) ]
where A ( k ) is the adjacency matrix of the k-step network, a i j ( k ) is the matrix elements of matrix A ( k ) and adjacency matrix A consists of 0 and 1, so we set the element value as 0 or 1 in A ( k ) , thus a i j ( k ) = 0 , if a i j k = 0 , and a i j ( k ) = 1 otherwise, where a i j k is the matrix elements of matrix A k . The Equation (4) is different from the transition matrix of GraRep, for each k-step network, we reconstruct the k-step network based on matrix A k and A ( k ) . In fact, A ( k ) is the probability of reachability.
For each step network, we can get the network structural features as follows:
M ( k ) = A ( k ) + ( A ( k ) ) 2 2 .
Here, A ( k ) is the adjacency matrix of the k-th network, which is different from the probability transition matrix P r in Equation (3). The Equation (5) and Equation (3) have the same form, but they contain different elements. A ( k ) only consists of element 0 and 1. P r i j = 1 / d i , if ( i , j ) E , and P r i j = 0 otherwise. d i is the degree value of vertex i . Both transition probability matrix P r and adjacency matrix A ( k ) are the structure feature matrices of the network. Moreover, GraRep factorizes the transition probability matrix based on adjacency matrix and achieves better network representation performance. The factorization objective matrix of SGNS algorithm is the Equation (2), but the TADW algorithm factorizes the matrix M in Equation (3) simplified by Equation (2) and achieves excellent network representation learning performance. Therefore, we replace the transition probability matrix P r in Equation (3) with the adjacency matrix A ( k ) . On the one hand, it is based on the above comparative analysis, on the other hand, it is based on such consideration that the factorization of adjacency matrix has lower computational complexity.
Therefore, matrix M ( k ) can be regarded as the structural features of k-step network, which is essentially different from the feature matrix of GraRep. The structure features of GraRep is as follows:
Y i , j k = log ( B i , j k t B t , j k ) log ( β ) , β = 1 / | V | .
Here, | V | is the number of vertices in graph G, B i , j k is the element from i-th row and j-th column of the matrix B k , and B = D 1 A .

3.3. Feature Weighting for Different k-Step Networks

For the different k-step networks, the same vertex pairs should be given the different weight values. However, DeepWalk, GraRep and node2vec neglect the weight information for higher order neighbors. Therefore, the proposed MVNR in this paper solves this problem by following procedures.
We first introduce Matrix Forest Index (MFI) to evaluate the weights between vertices for 1-step network. For the weights between vertices on k-step network. We compare the performance of the MFI algorithm with some classical link prediction algorithms, such as the algorithms based on common neighbor, the algorithms based on random walk and the algorithms based on path. We find that MFI achieves the best link prediction performance on several real citation network datasets. In addition, MFI can be calculated only through the Laplacian matrix of the network. The input of Laplacian matrix is the adjacency matrix of the network. The input matrix is exactly the same as that of the proposed MVNR algorithm. Unlike other link prediction algorithms, the input, calculation procedure and result of MFI can be embedded in the learning framework of the MVNR algorithm. Therefore, we choose the MFI algorithm to measure the weights between vertices.
MFI is formulated as follows:
S = ( I + L ) 1
Here, S = [ s i j ] is a matrix which is constructed by the matrix forest index. L is the Laplacian matrix of G, I is an identity matrix. L can be calculated based on adjacency matrix, its detailed calculation method can be found in the Algorithm 1.
We do not use MFI algorithm and adjacency matrix of k-step to calculate the weights between vertices in k-step network. We calculate the weights between vertices in k-step network by using the weights between vertices in 1-step network and the adjacency matrix of k-step network. Because the weights calculated by MFI in 1-step network include the weights of existing edges and the future connection probabilities of non-existing edges between vertices. Only through such calculation can the weights of different k-step networks be different and hierarchical and also play a role in adjusting the weights of different k-step network representations. For the k-step network, we define its weight matrix as follows:
W ( k ) = [ w i j ( k ) ] , w i j ( k ) = s i j × a i j ( k ) ,
where a i j ( k ) = { 0 , a i j k = 0 1 , a i j k 1 , s i j S , a i j ( k ) A ( k ) . a i j ( k ) is the element of the adjacency matrix A ( k ) .
As mentioned above, the link weights consist of the certainty degrees of existing edges and the link probabilities of non-existing edges. The certainty degrees of existing edges are applied to 1-step network and the link probabilities of non-existing edges are used to k-step networks where k > 2. Through the Equations (7) and (8), we find that we only compute the value of MFI for one time to different k-step networks and then through the MFI matrix, we construct the weight matrices of different k-step networks. For the 1-step network, we only retain the similarity values between two vertices with one edge in the MFI matrix and delete the similarity values between two vertices without any edge in the MFI matrix. Therefore, we define the similarity value between two vertices with one edge as the certainty degrees of existing edges. For the 2-step network, we only retain the similarity values between two vertices, where these two vertices are reachable within two steps and the similarity value is the future link probabilities of non-existing edges of the 1-step network. Specifically, the weights of the 2-step network are the similarity values between the current central vertex and the neighbor’s neighboring vertices. Therefore, we regard this kind of similarity value as the future link probabilities between two vertices without any edge. The certainty degrees of existing edges and the link probabilities of non-existing edges are calculated by the MFI matrix of 1-step network. The specific calculation process is shown in the Equation (8) and Algorithm 1.
For each k-step network, we reconstruct the k-step weight matrix based on matrix S and matrix A ( k ) . We only retain the link weights of existing edges and neglect the weights of non-existing edges between vertices. The weight matrix factor is not only to balance k-step network representation but also it can be regarded as network weight features, which can be integrated into network representations.
In the k-step network, the edge relationship has been established between vertices, where the edge relationship does not exist in the original network. Weight matrix of k-step network can not only balance network representation vectors of different k-step networks but also can be regarded as network weight features of the network, which can be integrated into network representation framework. Specifically, we construct the edge weight matrix of k-step network and the weight matrix of k-step network is different. The weights of the edges of the original network are larger. The edge relationship of the 2-step network is the reachability relationship within 2 step between two vertices in the original network, which can be set as 1 and 0. By MFI similarity calculation, the edge weights of 2-step network are the similarity values between the current vertex and the neighbor’s neighboring vertices in the original network. Therefore, the weights in the 2-step network is less than that in the 1-step network. So, the higher the order of the network, the smaller the edge weight in weight matrix is. By using the hierarchical weight matrix, we can combine the weight matrix with the network structure feature matrix for joint network representation learning. Thus, different weight factors are assigned to different k-step network representation vectors by weight matrix.

3.4. Joint Learning of MVNR

Suppose that matrix M m × n admits an approximation of low rank k, where k { m , n } . Based on the matrix factorization, Yu et al. [33] propose a matrix factorization approach with a penalty term constraint, which aims to find X k × n and Y k × m and minimize the likelihood
min W , H M ( X T Y ) F 2 + α 2 ( X F 2 + Y F 2 ) ,
where α is a harmonic factor to balance two components in Equation (9). Specifically, Equation (9) aims at factorizing M m × n into two matrices X k × m and Y k × n , where M X Y . Here, matrix M m × n can be regarded as the feature matrix of the network G for the task of network representation learning. Matrix X T n × k can be regarded as the learnt representation matrix of the network G. We do not use the model proposed by Equation (9) in MVNR algorithm.
We use the Inductive Matrix Completion (IMC) algorithm presented by Natarajan and Dhillon [34], which adopts two known matrices to factorize matrix M as follows:
min W , H ( i , j ) Ω ( M i j ( P T X T Y Q ) i j ) 2 + β 2 ( X F 2 + Y F 2 ) ,
where Ω denotes the sample set of matrix M m × n , here, P p × m and Q q × n are two known feature matrices. β is the hyper-parameter to balance two components M i j ( P T X T Y Q ) i j and X F 2 + Y F 2 . IMC aim at learning the matrix X d × p and matrix Y d × q to meet M P T X T Y Q . The Equation (10) is originally applied to complete gene-disease matrix using gene and disease feature matrix. Motivated by IMC, we integrate the link weights of existing edges into Equation (10), the purpose of MVNR is to solve matrices X and Y to minimize the objective function as follows:
min W , H M ( k ) ( ( X ( k ) ) T Y ( k ) W ( k ) ) F 2 + λ 2 ( X ( k ) F 2 + Y ( k ) F 2 ) .
Here, W ( k ) q × n is the weight matrix of the k-th step network, λ is the hyper-parameter to balance two components M ( k ) ( ( X ( k ) ) T Y ( k ) W ( k ) ) and X ( k ) F 2 + Y ( k ) F 2 . For the Equation (10), we denote the matrix P p × m as the identity matrix E p × m . Consequently, we get the Equation (11) based on Equation (10). For each k-step network, we denote R ( k ) = ( X ( k ) ) T as representation matrix of the k-th network. The final representation vectors can be concatenated as follows:
R = R ( 1 ) R ( 2 ) R ( k ) ,
where k = {1,2, …, K} and K is a pre-selected constant. As Equation (12), we concatenate all k-step representations to form the global representations, which can be used in various machine learning tasks.
We introduce matrix W ( k ) to adjust the weights of the different k-step networks and remedy the defect of ignoring the weight information for GraRep. For the k-step network representation r ( k ) , we apply L2 Norm to normalize the learnt network representations which can show better performance in some evaluation tasks, such as network classification and link prediction.
We give the algorithm description of MVNR in Algorithm 1.

3.5. Complexity Analysis

In the proposed MVNR, the training procedure can be divided into the following parts: M construction, M factorization using IMC and representations concatenation. In matrix M, the number of rows equals the number of columns, meanwhile, the number of rows and columns equals the number of vertices in the network, which is defined as |V|. Thus, the time complexity of constructing matrix M is O ( | V | 3 ) .
For the Equation (11), we introduce the optimization approach proposed by Yu et al. [33]. For each k-step network, we use the known weight matrix W to factorize matrix M of network feature based on IMC algorithm. The output of the Equation (11) is the matrices X and Y, where M X Y W . Therefore, the time complexity of each iteration of minimizing X and Y is O ( nnz ( M ) d + | V | d q + | V | d 2 ) in Equation (10), where nnz (M) denotes the number of non-zero elements in M, d denotes the vector length of the network representations. The time complexity of the representations concatenation is O ( | V | k d ) .
Algorithm 1 MVNR Algorithm.
Input:
  Adjacency matrix A on network.
  Maximum transition step K.
  Harmonic factor λ.
  Dimension of representation vector d.
Output:
  Matrix of the network representation R.
Content:
  • Calculate A = 1/dij.
  • Calculate matrix forest index S = [sij]:
    • I = sparse(GetIdentityMatrix (RowSize(A))).
    • D = I.
    • % The positions of 1 in Identity Matrix are set to the degree of vertex as follows:
    • D(ConvertTologicMatrix (D)) = RowSum(A).
    • L = DA.
    • S = inv(I + L). % inv is to computes the inverse.
    fork = 1 to K
    (1)
    Get k-step transition matrix A ( k ) = [ a i j ( k ) ] :
    1.1
    Compute A1, A2, A3, …, AK.
    1.2
    Get the matrix A(k):
    A ( k ) = [ a i j ( k ) ]
    where a i j ( k ) = { 0 , a i j k = 0 1 , a i j k 1 .
    (2)
    Get the network structural feature matrix M(k):
    M ( k ) = ( A ( k ) + ( A ( k ) ) 2 ) / 2 .
    (3)
    Get the weight matrix W(k):
    W ( k ) = [ w i j ( k ) ] ,   w i j ( k ) = s i j × a i j ( k ) .
    (4)
    Construct the representation vector R(k) = (X(k))T:
    min W , H M ( k ) ( ( X ( k ) ) T Y ( k ) W ( k ) ) F 2 + λ 2 ( X ( k ) F 2 + Y ( k ) F 2 ) .
    end for
  • Concatenate all the k-step representations:
    R = R ( 1 ) R ( 2 ) R ( k ) .

4. Experiments and Evaluations

In our works, we conduct our experiment on three real-world citation networks and evaluate the performance of MVNR based on network classification, visualization and link prediction.

4.1. Datasets Setup

We conduct our experiments on Citeseer (https://github.com/albertyang33/TADW), Cora (https://relational.fit.cvut.cz/dataset/CORA) and Wiki (https://github.com/albertyang33/TADW), which are not weighted networks. Wiki [29,30,35] is much denser than Cora and Citeseer. The dataset descriptions are as follows (Table 1):

4.2. Baseline Algorithms

To evaluate the performance of MVNR, we introduce the following algorithms of network representation as baseline algorithms. The representation length of all the baseline methods is set to 200.
DeepWalk: DeepWalk is the most classical algorithm which adopts only network structural features to learn the network representations. we use the Skip-Gram model and Hierarchical Softmax for DeepWalk. Line: Line is a recently proposed algorithm to solve the representation learning of big-scale networks. Line is a method capturing local features based on the probability loss function, which provides 1st Line and 2nd Line models. Similar as our MVNR, it uses 1-setp and 2-step neighboring vertices to learn the network representations. node2vec: node2vec also adopts the BFS and DFS strategy to capture the higher order neighboring vertices. Meanwhile, node2vec define a second-order random walk to balance the DFS and BFS. NEU: This algorithm is from the paper “Fast Network Embedding Enhancement via High Order Proximity Approximation,” which is a higher order network representation learning algorithm. In this paper, the NEU algorithm convert the lower-order representations trained by DeepWalk into the higher-order representation.
GraRep: It is a new network representation learning algorithm, which can capture higher order network features by matrix factorization and representation concatenation.
Weight-based Matrix Factorization (WMF): For the k-step network, we define the matrix W ( k ) as the link weight matrix of the k-th network view. We then use the SVD algorithm to factorize the matrix W ( k ) , here W ( k ) U ( k ) S ( k ) ( V ( k ) ) T . We regard U ( k ) ( S ( k ) ) 0.5 as the network representation vectors.
MVNR: It is our proposed algorithm. In this experiment, we adopt the different k values to capture the k-step vertex relational information and learn the network representation. λ as 0.5 for Citeseer and Cora and 0.1 for Wiki.
Unweighted MVNR: This algorithm is a simplified MVNR algorithm with the equal weights for different k-step networks, we call this algorithm as Un_MVNR. Other optimizations are the same as MVNR.
The MVNR algorithm proposed is a higher order network representation learning algorithm. Therefore, we choose three classical network representation learning algorithms of lower order, such as DeepWalk, Line and node2vec. node2vec improves the random walk of DeepWalk, Line and DeepWalk aim to factorize the structure feature matrix of network; the proposed MVNR is also an NRL algorithm based on matrix factorization form of DeepWalk. So, we take DeepWalk, Line and node2vec as the baseline algorithms. In addition, we also choose two classical network representation learning algorithms of higher order for comparison and analysis, such as GraRep and NEU. DeepWalk is the most classical network representation learning algorithm. Line and node2vec are classical network representation learning algorithms based on DeepWalk. GraRep and NEU are higher order network representation learning algorithms accepted by top-level conference and they are also classical representative algorithms of higher order representation learning algorithms. WMF and Un_MVNR are the simplified versions of MVNR algorithm, which are used to measure the performance influence of weight matrix on MVNR algorithm. The parameter setting of these algorithms is introduced in algorithm description part of Section 4.2.
The parameter settings for the selected baseline models are shown in Table 2:

4.3. Multi-Class Classification

In this experiment, we first learn the network representations based on MVNR algorithm. Based on the learnt representations, we then train a Support Vector Machine (SVM) classifier with different proportions of training sets. For the training set, we let training proportions of dataset vary from 10% to 90%. The remaining data is regarded as the testing set. We repeat the procedure for 10 times and report the average accuracy value. We set the K value as 1, 3 and 6. For example, we concatenate the network representations of the 1-step, 2-step and 3-step networks when K is 3. The detailed results are shown in Table 3, Table 4 and Table 5.
In classification evaluation, MVNR consistently and significantly improves the accuracy of diverse network representations on three evaluation datasets. In addition, MVNR outperforms the baseline algorithms and showing its excellent performance with diverse training ratios on Citeseer, Cora and Wiki datasets. Obviously, the performance of higher order network representation learning (GraRep, NEU and MVNR) is better than that of the network representation learning algorithm based on local feature acquisition (DeepWalk, Line and node2vec).
In this classification evaluation, we set K as 1, 3 and 6, which means that we learn and concatenate the network representations of the 1-step, {1, 2, 3}-step and {1, 2, 3, 4, 5, 6}-step networks for GraRep and MVNR. The experimental results show that although GraRep can capture neighboring relations of higher order, MVNR appears to capture better neighboring vertices of higher order than GraRep on three datasets. On the other hand, we use the NEU algorithm to transform the learnt network representations generated by DeepWalk algorithm into higher order one but the performance of the network representations of higher order is inferior than that of the proposed MVNR algorithm in network classification task. The main reason is that GraRep ignores the weight information between different k-step networks and it also neglects the edge weights in each k-step network. Importantly, MVNR gives corresponding weight value to edges of each k-step network, which can indirectly affect the weights between different k-step networks. NEU is not involved in the learning procedure of high-order network representation, and NEU is only a high-order transformation of the network representations trained by other network representation algorithms. NEU [6] is essentially different from GraRep and MVNR. MVNR can embed the global information into lower dimension embeddings by explicitly constructing the global feature matrix of the network. In addition, MVNR also can learn the network representations of the 2nd, 3rd and 4th order by constructing k-step networks.
DeepWalk and node2vec belong to this kind of algorithms based on local feature acquisition. Based on DeepWalk, node2vectakes the micro-view and macro-view of the vertices into account. Line-provides a network representation learning algorithm for various large-scale networks. Although Line-improves the training speed of network representation learning, the precision of network representation learning is not as good as DeepWalk and node2vec. Because Line only considers first order similarity and second order similarity of the vertices. The proposed MVNR in this paper fully considers the global information of the vertices by explicitly constructing the global feature matrix. Thus, the performance of MVNR algorithm is superior to DeepWalk, node2vec and Line. GraRep and NEU encode the features of higher order into the representation space of lower dimension. GraRep does not consider the weights of edges, it also does not consider the weights between different k-step networks. NEU only performs higher order transformation of network representation for the learnt network representations trained by other network representation learning algorithms. The MVNR algorithm proposed in this paper gives corresponding weights to the edges of different k-step networks. The larger the k, the smaller the weights of the edges, which indirectly gives different weights to different k-step networks. In addition, the MVNR algorithm explicitly embeds higher order features of the network, global information and weight information into the representation space through the joint learning model. Therefore, the performance of the MVNR algorithm is better than that of GraRep, and NEU algorithms in Table 3, Table 4 and Table 5.
In addition, the experimental results show that the classification performance of MVNR is better than that of Un_MVNR on Citeseer, Cora and Wiki datasets. This demonstrates that adding different weight information to different k-step networks can improve the performance of network representation learning. In fact, weight information also plays another role, namely, another feature view of the network structure. Therefore, it can also make up for the problem of sparse network structure.
In Section 3.5, we theoretically discuss the time complexity of the proposed MVNR algorithm. In addition, we provide the empirical result comparing running time performance with GraRep and NEU algorithms on Citeseer dataset. First, we installed a virtual machine on a notebook computer and then we installed the MVNR running environment on that virtual machine. The notebook’s memory is 8G, the processor is Core I3 2.53 GHz and the memory allocated to the virtual machine is 3G. Experimental results show that MVNR takes 15 minutes and 01 second to train the model of network representation learning, GraRep takes 5 min and 35 s to train the model of network representation learning when K is set to 6 and NEU takes about 7 seconds to convert the learnt network representations trained by DeepWalk. Although MVNR takes the longest time, the network classification performance of MVNR is superior to the GraRep and NEU algorithms on Citeseer, Cora and Wiki datasets. The main reason why MVNR become time-consuming is that MVNR uses weight matrix W to factorize the matrix M based on IMC algorithm, GraRep purely uses SVD to factorize the feature matrix of network, and NEU is just a multiplication and addition operation for the learnt representations.

4.4. Parameter Sensitivity

MVNR has two parameters needed to be adjusted, they are the representation length (vector dimension) and K. Here, K is the pre-selected constant for the k-step network, where 1 ≤ kK. We let K value range from 1 to 6 and the representation length of k-step network varies within 25, 50, 100 and 200 for Citeseer, Cora and Wiki. The last network representation size 75, 150, 300 and 600. We fix the training ratio to 0.5 and we then test classification accuracy with diverse representation lengths and K values in Figure 2.
As shown in Figure 2, the accuracy of network classification shows an increasingly trend with the increase of K and representation length. Importantly, the growth of accuracy becomes slower with the growth of the representation vector length. In addition, the average degree of Cora is bigger than that of Citeseer and Wiki, so that the accuracy fluctuation of Cora within a small range compared with Citeseer and Wiki.

4.5. Network Visualization

In this experiment, we aim at visualizing the learnt representations on a real-world citation network (Citeseer dataset). We adopt the t-SNE [36] toolkit to visualize the learnt representations. First, we randomly sample 4 categories on Citeseer. Each category consists of 150 nodes generated by random sample approach. Based on this experiment, we aim to verify whether MVNR is quite qualified for learning discriminative representations. We visualize the learnt representation trained from DeepWalk, node2vec and MVNR algorithms. The representation length of MVRN is 600 and representation size of DeepWalk and node2vec is 200. the results of network representation are shown in Figure 3.
As shown in Figure 3, data points of different colors represent different kinds of nodes. We visualize the learnt network representations. It can be found, based on the visualization results, that the same color points tend to cluster together. The clustering ability of the network representations can reflect whether the trained model can embed the nodes with similar attributes and features into the representation space of closer space distance. For example, the similarity between nodes with links should be greater than that between nodes without links. In addition, the network representation with better clustering ability is helpful to the classification tasks of network nodes by embedding the nodes in the same category into the representation space of closer space distance.
Note that the Wiki dataset consists of 2405 nodes and 19 different categories. There are 126 nodes on average in each category and the number of nodes in most categories is less than 150, so we randomly select four labels in 19 categories, such that there exist 150 nodes at least in each category. Therefore, in Citeseer dataset, we also randomly selected 150 nodes for four categories. That is the reason why we choose four categories and 600 vertices on Citeseer. Random selection strategy can better reflect the learning ability of the proposed MVNE algorithm. In addition, the learnt network representations are projected onto a two-dimensional plane, so we only select four categories of nodes in each dataset for clearly achieving clustering boundaries between different categories of nodes and avoiding the poor display performance caused by too many categories.

4.6. Link Prediction

The link prediction algorithm can predict the future link probabilities of non-existing edges between vertices. First, we need to give a reasonable score for each vertex pair. We see r i and r j as the representations of the vertex i and vertex j, we calculate the similarity score based on the cosine similarity ( r i r j ) / ( | | r i | | 2 | | r j | | 2 ) . We use AUC to evaluate the performance of link prediction. We remove 30%, 20% and 10% edges of Citeseer, Cora and Wiki as test set and we use the remaining edges to learn the network representations. We also use some baseline algorithms of link prediction to make some comparison analysis with MVNR proposed in this paper. We set the K value as 3 and 6. The results are shown in Table 6.
As shown in Table 6, The MVNR algorithm proposed in this paper is compared with the 8 kinds of link prediction algorithms presented in Table 6. The experimental results show that the proposed MVNR algorithm always achieves the better performance under the three kinds of training proportions on Citeseer, Cora and Wiki datasets.

5. Conclusions

In this paper, we propose a unified network representation learning framework (MVNR) which can embed hider order neighboring relations and global information into the representation space of a lower dimension. In addition, we adopt the weight matrix factor to balance different k-step network representations with the modeling procedure of the joint representation learning, namely, we adopt the inductive matrix completion algorithm for synchronously learning the network features from both the network structures and link weights. Empirically, the learnt representations can be effectively applied to various machine learning tasks, such as clustering, classification, visualization and link prediction and so forth. The experimental results show that the proposed MVNR can effectively capture the global features and higher order relations between vertices at the same time. Meanwhile, the classification performance of MVRN outperforms the popular global network representation learning algorithms (Line) and higher order network representation learning algorithms (GraRep and NEU). Our Future works would explore the extendibility of our algorithm in other representation learning tasks.

Author Contributions

Conceptualization, Z.Y., K.Z. and Y.Z.; Methodology, Z.Y.; Software, K.Z.; Validation, Z.Y. and Y.Z.; Formal Analysis, Y.Z.; Investigation, Z.Y.; Resources, Z.Y.; Data Curation, K.Z.; Writing-Original Draft Preparation, Z.Y.; Writing-Review & Editing, Y.Z.; Visualization, Z.Y.; Supervision, H.Z.; Project Administration, H.Z.; Funding Acquisition, H.Z.

Funding

This research was supported by the National Natural Science Foundation of China (Grant Number: 61763041, 11661069 and 61663041), the Program for Changjiang Scholars and Innovative Research Team in Universities (Grant Number: IRT_15R40) and the Fundamental Research Funds for the Central Universities, China (Grant Number: 2017TS045).

Acknowledgments

The authors wish to express their gratitude to the anonymous reviewers and the associate editors for their rigorous comments during the review process. In addition, the authors also would like to thank experimenters in our laboratory for their great contribution to data-collection work. They are Ke Zhang and Yu Zhu.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Perozzi, B.; Al-Rfou, R.; Skiena, S. Deepwalk: Online learning of social representations. In Proceedings of the KDD, New York, NY, USA, 24–37 August 2014; pp. 701–710. [Google Scholar]
  2. Perozzi, B.; Kulkarni, V.; Skiena, H.C.; Skiena, S. Walklets: Multiscale graph embeddings for interpretable network classificatio. arXiv, 2016; arXiv:1605.02115. [Google Scholar]
  3. Yang, C.; Liu, Z.Y. Comprehend deepWalk as matrix factorization. arXiv, 2015; arXiv:1501.00358. [Google Scholar]
  4. Cao, S.S.; Lu, W.; Xu, Q.K. GraRep: Learning graph representations with global structural information. In Proceedings of the CIKM, Melbourne, VIC, Australia, 19–23 October 2015; pp. 891–900. [Google Scholar]
  5. Yang, C.; Sun, M.S.; Liu, Z.Y.; Tu, C.C. Fast network embedding enhancement via high order proximity approximation. In Proceedings of the IJCAI, Melbourne, Australia, 19–25 August 2017; pp. 3894–3900. [Google Scholar]
  6. Pan, S.R.; Wu, J.; Zhu, X.Q.; Wang, Y. Tri-party deep network representation. In Proceedings of the IJCAI, New York, NY, USA, 9–15 July 2016; pp. 1895–1901. [Google Scholar]
  7. Grover, A.; Leskovec, J. node2vec: Scalable feature learning for networks. In Proceedings of the SIGKDD, San Francisco, CA, USA, 13–17 August 2016; pp. 855–864. [Google Scholar]
  8. Tang, J.; Qu, M.; Wang, M.Z.; Zhang, M.; Yan, J.; Mei, Q.Z. Line: Large-scale information network embedding. In Proceedings of the WWW, Florence, Italy, 18–22 May 2015; pp. 1067–1077. [Google Scholar]
  9. Mikolov, T.; Sutskever, I.; Chen, K.; Corrado, G.; Dean, J. Distributed representations of words and phrases and their compositionality. In Proceedings of the NIPS, Las Vegas, NV, USA, 9 December 2013; pp. 3111–3119. [Google Scholar]
  10. Li, G.H.; Luo, J.W.; Xiao, Q. Predicting microRNA-disease associations using network topological similarity based on deepWalk. IEEE Access 2017, 5, 24032–24039. [Google Scholar] [CrossRef]
  11. Wang, D.X.; Cui, P.; Zhu, W.W. Structural deep network embedding. In Proceedings of the SIGKDD, San Francisco, CA, USA, 13–17 August 2016; pp. 1225–1234. [Google Scholar]
  12. Tu, C.C.; Liu, H.; Liu, Z.Y.; Sun, M.S. CANE: Context-aware network embedding for relation modeling. In Proceedings of the ACL, Vancouver, BC, Canada, 6–11 February 2017; pp. 1722–1731. [Google Scholar]
  13. Zhou, L.K.; Yang, Y.; Ren, X.; Wu, F.; Zhuang, Y.T. Dynamic network embedding by modeling triadic closure process. In Proceedings of the AAAI 2018, New Orleans, LA, USA, 2–7 February 2018. [Google Scholar]
  14. Ma, J.X.; Cui, P.; Zhu, W.W. DepthLGP: Learning embeddings of out-of-sample nodes in dynamic networks. In Proceedings of the AAAI 2018, New Orleans, LA, USA, 2–7 February 2018. [Google Scholar]
  15. Tu, K.; Cui, P.; Wang, X.; Wang, F.; Zhu, W.W. Structural deep embedding for hyper-networks. In Proceedings of the AAAI 2018, New Orleans, LA, USA, 2–7 February 2018. [Google Scholar]
  16. Goodfellow, I.L.; Pouget-Abadie, J.K.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative adversarial networks. In Proceedings of the NIPS, Palais des Congrès de Montréal, Montréal, QC, Canada, 8–13 December 2014; pp. 2672–2680. [Google Scholar]
  17. Dai, Q.Y.; Li, Q.; Tang, J.; Wang, D. Adversarial network embedding. In Proceedings of the AAAI 2018, New Orleans, LA, USA, 2–7 February 2018. [Google Scholar]
  18. Wang, H.W.; Wang, J.; Wang, J.L.; Zhao, M.; Zhang, W.N.; Zhang, F.Z.; Xing, X.; Guo, M.Y. GraphGAN: Graph Representation Learning with Generative Adversarial Nets. In Proceedings of the AAAI 2018, New Orleans, LA, USA, 2–7 February 2018. [Google Scholar]
  19. Bojchevski, A.; Shchur, O.; Zügner, D.; Günnemann, S. NetGAN: Generating Graphs via Random Walks. In Proceedings of the ICML 2018, Long Beach, CA, USA, 10–15 June 2018. [Google Scholar]
  20. Sun, X.F.; Guo, J.; Ding, X.; Liu, T. A general framework for content-enhanced network representation learning. arXiv, 2016; arXiv:1610.02906. [Google Scholar]
  21. Kipf, T.N.; Welling, M. Semisupervised classification with graph convolutional networks. arXiv, 2016; arXiv:1609.02907. [Google Scholar]
  22. Li, J.Z.; Zhu, J.; Zhang, B. Discriminative deep random walk for network classification. In Proceedings of the ACL, Berlin, Germany, 7–12 August 2016; pp. 1004–1013. [Google Scholar]
  23. Yang, Z.L.; Cohen, W.; Salakhutdinov, R. Revisiting semi-supervised learning with graph embeddings. In Proceedings of the ICML, New York, NY, USA, 19–24 June 2016; pp. 40–48. [Google Scholar]
  24. Tang, J.; Qu, M.; Mei, Q. PTE: Predictive Text Embedding through Large-scale Heterogeneous Text Networks. In Proceedings of the KDD 2015, Sydney, Australia, 10–13 August 2015; pp. 1165–1174. [Google Scholar]
  25. Wang, X.; Cui, P.; Wang, J. Community Preserving Network Embedding. In Proceedings of the AAAI 2017, San Francisco, CA, USA, 4–9 February 2017. [Google Scholar]
  26. Huang, X.; Li, J.D.; Hu, X. Accelerated attributed network embedding. In Proceedings of the SDM 2017, Houston, TX, USA, 27–29 April 2017. [Google Scholar]
  27. Zhang, Y.; Lyu, T.S.; Zhang, Y. COSINE: Community-preserving social network embedding from Information diffusion cascades. In Proceedings of the AAAI 2018, New Orleans, LA, USA, 2–7 February 2018. [Google Scholar]
  28. Cavallari, S.; Zheng, V.W.; Cai, H.Y.; Chang, K.C.C.; Cambria, E. Learning community embedding with community detection and node embedding on Graphs. In Proceedings of the CIKM 2017, Singapore, 6–10 November 2017. [Google Scholar]
  29. Yang, C.; Liu, Z.Y.; Zhao, D.L.; Sun, M.S. Network representation learning with rich text information. In Proceedings of the AAAI, Austin, TX, USA, 25–30 January 2015; pp. 2111–2117. [Google Scholar]
  30. Tu, C.C.; Zhang, W.C.; Liu, Z.Y.; Sun, M.S. Max-Margin DeepWalk: Discriminative Learning of Network Representation. In Proceedings of the IJCAI, New York, NY, USA, 9–15 July 2016; pp. 3889–3895. [Google Scholar]
  31. Wang, X.; Cui, P.; Wang, J.; Yang, S. Community preserving network embedding. In Proceedings of the AAAI, San Francisco, CA, USA, 4–9 February 2017. [Google Scholar]
  32. Huang, Z.P.; Mamoulis, N. Heterogeneous information network embedding for meta path based proximity. arXiv, 2017; arXiv:1701.05291. [Google Scholar]
  33. Yu, H.F.; Jain, P.; Kar, P.; Dhillon, I.S. Large-scale multi-label learning with missing labels. In Proceedings of the ICML, Atlanta, GA, USA, 16–21 June 2013; pp. 593–601. [Google Scholar]
  34. Natarajan, N.; Dhillon, I.S. Inductive matrix completion for predicting gene-disease associations. Bioinformatics 2014, 30, 60–68. [Google Scholar] [CrossRef] [PubMed]
  35. Sen, P.; Namata, G.M.; Bilgic, M.; Getoor, L.; Gallagher, B.; Eliassi-Rad, T. Collective classification in network data. AI Mag. 2008, 29, 93–106. [Google Scholar] [CrossRef]
  36. Maaten, L.V.D.; Hinton, G. Visualizing data using t-SNE. J. Mach. Learn. Res. 2008, 9, 2579–2605. [Google Scholar]
Figure 1. Algorithm framework of multi-view network representation (MVNR). (a) Higher order neighboring relations acquisition; (b) Edge weight calculation.
Figure 1. Algorithm framework of multi-view network representation (MVNR). (a) Higher order neighboring relations acquisition; (b) Edge weight calculation.
Algorithms 12 00062 g001
Figure 2. Parameter sensitivity analysis, here, we mainly research the influence of representation vector size and K value to network classification task. (a) parameter sensitivity analysis on Citeseer dataset; (b) parameter sensitivity analysis on Cora dataset; (c) parameter sensitivity analysis on Wiki dataset.
Figure 2. Parameter sensitivity analysis, here, we mainly research the influence of representation vector size and K value to network classification task. (a) parameter sensitivity analysis on Citeseer dataset; (b) parameter sensitivity analysis on Cora dataset; (c) parameter sensitivity analysis on Wiki dataset.
Algorithms 12 00062 g002
Figure 3. 2D Visualization on Citeseer. (a) Citeseer visualization using DeepWalk; (b) Citeseer visualization using node2vec; (c) Citeseer visualization using MVNR.
Figure 3. 2D Visualization on Citeseer. (a) Citeseer visualization using DeepWalk; (b) Citeseer visualization using node2vec; (c) Citeseer visualization using MVNR.
Algorithms 12 00062 g003
Table 1. Network datasets descriptions.
Table 1. Network datasets descriptions.
DatasetNodeEdgeThe Number of ClassesAverage DegreeAverage Path Length
Citeseer3312473262.8579.036
Cora2708542974.016.31
Wiki2405179811914.9533.65
Table 2. Parameter settings.
Table 2. Parameter settings.
Random Walk LengthRandom Walk NumberRepresentation Vector SizeThe Number of OrdersContext Window Size
DeepWalk8010200-5
Line--20025
node2vec8010200-5
NEU8010200-5
GraRep--100 for k-th network1,3,6-
WMF--1001-
MVNR--100 for k-th network1,3,6-
Table 3. Accuracy (%) of vertex classification on Citeseer.
Table 3. Accuracy (%) of vertex classification on Citeseer.
%Labeled Nodes10%20%30%40%50%60%70%80%90%
DeepWalk48.3150.3651.3352.3152.8553.3352.9853.4753.71
Line39.8246.8349.0250.6553.7754.2053.8754.6753.82
node2vec54.3857.2958.6459.5359.6359.8860.4361.3662.42
WMF (K = 1)52.1454.1755.3855.4256.4156.5757.2357.7957.22
NEU50.2352.0053.6254.0754.4653.7454.3455.5155.29
GraRep (K = 1)26.21 34.13 38.30 40.82 41.92 44.68 44.29 45.30 44.83
GraRep (K = 3)45.07 50.95 53.40 54.21 54.87 55.75 55.54 55.15 54.22
GraRep (K = 6)50.72 53.02 54.21 55.22 55.51 56.17 55.99 55.78 57.94
Un_MVNR (K = 1)51.0755.6556.9657.8458.0458.3058.9558.2158.76
Un_MVNR (K = 3)54.5458.3659.1760.9061.4361.7661.6762.3862.32
Un_MVNR (K = 6)54.9059.2360.3161.1261.9662.4762.4963.1562.14
MVNR (K = 1)54.3256.6757.9958.9459.2659.5960.1159.8960.39
MVNR (K = 3)56.9959.8061.5762.5463.7364.7164.9364.9866.22
MVNR (K = 6)57.6360.6161.3963.6964.1565.0565.5965.9766.97
Table 4. Accuracy (%) of vertex classification on Cora.
Table 4. Accuracy (%) of vertex classification on Cora.
%Labeled Nodes10%20%30%40%50%60%70%80%90%
DeepWalk73.2975.4676.1977.4977.8977.8378.8679.0578.62
Line65.1370.1772.2072.9273.4575.6775.2576.7879.34
node2vec76.3079.2680.4380.7081.1381.2682.1881.6382.81
WMF (K = 1)68.7771.7572.5373.6873.7174.5474.5675.0475.55
NEU73.2176.2377.4978.2578.8979.9480.8581.0081.04
GraRep (K = 1)63.9272.5174.8575.9276.8076.7476.8577.1977.92
GraRep (K = 3)72.6077.3478.3479.3979.4380.3080.3280.6879.88
GraRep (K = 6)75.9578.5479.6480.4080.7081.4281.7481.3682.92
Un_MVNR (K = 1)70.4376.9778.6179.6380.6880.3180.1681.6082.25
Un_MVNR (K = 3)75.3279.1880.0680.8881.4481.6282.4682.2583.59
Un_MVNR (K = 6)76.1578.5279.9880.6581.7082.3582.9881.9782.59
MVNR (K = 1)74.9677.8678.6980.0480.2680.6980.9180.9981.81
MVNR (K = 3)77.5079.6981.1581.4282.3882.8683.0583.7982.78
MVNR (K = 6)78.2480.4481.0882.0882.2983.1283.2583.9083.81
Table 5. Accuracy (%) of vertex classification on Wiki.
Table 5. Accuracy (%) of vertex classification on Wiki.
%Labeled Nodes10%20%30%40%50%60%70%80%90%
DeepWalk52.1558.7961.6962.8062.9263.0564.3864.2564.41
Line51.1753.6257.8157.2658.9462.4662.2466.7467.35
node2vec57.5161.1163.1763.7364.3965.4065.5865.3766.50
WMF (K = 1)35.2239.6840.9242.7142.9743.9546.0444.3144.87
NEU52.0358.3660.0861.9562.9863.9063.1664.5664.08
GraRep (K = 1)55.50 59.24 60.40 61.30 61.43 62.11 63.28 61.08 62.95
GraRep (K = 3)55.98 61.15 62.79 63.75 64.21 65.24 65.20 65.08 65.54
GraRep (K = 6)56.73 60.42 62.77 64.43 65.42 65.44 65.96 66.97 66.37
Un_MVNR (K = 1)57.2261.8863.1965.6865.0366.1166.6165.8968.91
Un_MVNR (K = 3)55.6360.8463.7664.6565.4166.0767.1166.7067.70
Un_MVNR (K = 6)54.7260.4962.3163.6364.4065.4165.6566.9167.95
MVNR (K = 1)57.7462.2764.2664.5165.8166.5066.6967.9368.33
MVNR (K = 3)58.2961.9863.8165.5666.0866.5466.6267.9268.08
MVNR (K = 6)57.5562.3763.9965.9266.4166.7467.0368.7569.50
Table 6. Link prediction performance results on Citeseer dataset.
Table 6. Link prediction performance results on Citeseer dataset.
Dataset NameTraining RatioAlgorithm Name
CNLPRAACTLHNIICos+LRWSRWMVNR (K = 3)MVNR (K = 6)
Citeseer0.768.1381.0666.3775.8895.7688.5787.2186.3495.1593.96
0.872.0886.8372.1275.5996.8589.3890.1390.0595.7096.22
0.974.6788.4574.63 73.7996.2088.4991.2590.4797.0897.01
Cora0.769.50 80.1269.47 74.1189.4190.2588.4888.4092.0992.60
0.872.38 82.9772.4773.6790.3790.9890.5890.5093.1592.47
0.978.1987.9077.9774.0093.6493.2293.6393.6294.4293.43
Wiki0.785.7992.60 85.9980.1986.4591.4993.6593.4893.3893.66
0.887.9593.5688.2480.35 86.7791.6394.2094.1893.9593.44
0.990.4794.0090.3379.9887.6892.7194.5694.5394.6594.60

Share and Cite

MDPI and ACS Style

Ye, Z.; Zhao, H.; Zhang, K.; Zhu, Y. Multi-View Network Representation Learning Algorithm Research. Algorithms 2019, 12, 62. https://doi.org/10.3390/a12030062

AMA Style

Ye Z, Zhao H, Zhang K, Zhu Y. Multi-View Network Representation Learning Algorithm Research. Algorithms. 2019; 12(3):62. https://doi.org/10.3390/a12030062

Chicago/Turabian Style

Ye, Zhonglin, Haixing Zhao, Ke Zhang, and Yu Zhu. 2019. "Multi-View Network Representation Learning Algorithm Research" Algorithms 12, no. 3: 62. https://doi.org/10.3390/a12030062

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop