Next Article in Journal
Technological Parameters of Rotating Electrochemical and Electrobiological Disk Contactors Depending on the Effluent Quality Requirements
Previous Article in Journal
IMNets: Deep Learning Using an Incremental Modular Network Synthesis Approach for Medical Imaging Applications
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Scalable Deep Network for Graph Clustering via Personalized PageRank

School of Mechanical, Electrical and Information Engineering, Shandong University, Weihai 264209, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2022, 12(11), 5502; https://doi.org/10.3390/app12115502
Submission received: 14 April 2022 / Revised: 25 May 2022 / Accepted: 27 May 2022 / Published: 29 May 2022

Abstract

:
Recently, many models based on the combination of graph convolutional networks and deep learning have attracted extensive attention for their superior performance in graph clustering tasks. However, the existing models have the following limitations: (1) Existing models are limited by the calculation method of graph convolution, and their computational cost will increase exponentially as the graph scale grows. (2) Stacking too many convolutional layers causes the over-smoothing issue and neglects the local graph structure. (3) Expanding the range of the neighborhood and the model depth together is difficult due to the orthogonal relationship between them. Inspired by personalized pagerank and auto-encoder, we conduct the node-wise graph clustering task in the undirected simple graph as the research direction and propose a Scalable Deep Network (SDN) for graph clustering via personalized pagerank. Specifically, we utilize the combination of multi-layer perceptrons and linear propagation layer based on personalized pagerank as the backbone network (i.e., the Quasi-GNN module) and employ a DNN module for auto-encoder to learn different dimensions embeddings. After that, SDN combines the two embeddings correspondingly; then, it utilizes a dual self-supervised module to constrain the training of the embedding and clustering process. Our proposed Quasi-GNN module reduces the computational costs of traditional GNN models in a decoupled approach and solves the orthogonal relationship between the model depth and the neighborhood range. Meanwhile, it also alleviates the degraded clustering effect caused by the over-smoothing issue. We conducted experiments on five widely used graph datasets. The experimental results demonstrate that our model achieves state-of-the-art performance.

1. Introduction

Graph-structured data often contains abundant node features and topological information. Benefiting from its powerful expressive ability, graph-structured data are often used to model drug discovery [1], social networks [2], and recommender systems [3].
Moreover, the graph clustering task has attracted extensive attention as an important part of unsupervised learning on graphs. There are many directions in graph clustering tasks, such as node-wise graph clustering, and graph-wise graph clustering. In recent years, Graph Neural Networks (GNNs) have become a popular field in deep learning, which improves the performance of graph clustering tasks effectively. Graph Convolutional Networks (GCNs) [4] are one of the representative methods that can utilize node features and topology information to obtain low-dimensional embeddings. On this basis, many graph clustering models combined with deep learning techniques have been proposed to achieve state-of-the-art effects. Kipf et al. [5] learn embedding through GCN layers, then the decoder reconstructs the features as similar as possible to the original features. Ahn et al. [6] optimize the aforementioned model to solve the norm-zero tendency of isolated nodes. In addition, Pan et al. [7] combine graph convolution with the adversarial training method. However, the above models fail to pay attention to the importance of nodes. Therefore, Veličković et al. [8] introduce the attention mechanism into the graph convolution, which can aggregate the information based on nodes’ importance. Wang et al. [9] adopt the receptive field with an attention mechanism to encode the features and jointly optimize the clustering and embedding module. Although the models with the graph auto-encoder as the backbone network can generate the embeddings effectively; it ignores the information in the data structure. Combining different orders of the embeddings and the structural information, Bo et al. [10] integrate structural information into a deep clustering method for the first time to improve the clustering effect. In addition, Li et al. [11] adopts the combination of deep clustering and the graph auto-encoder to design a triple self-supervised module to supervise the embedding and clustering module.
However, the above models have the following limitations: (1) Existing models are limited by the calculation method of graph convolution, and their computational costs will increase exponentially as the scale of the graph grows. (2) Stacking too many convolutional layers will introduce the over-smoothing noises and ignore the local graph structure (3) The model depth is orthogonal to the neighborhood range, which makes it difficult to expand both.
Therefore, researchers expect to find more scalable models. Klicpera et al. [12] propose a simple model using the relation between graph convolution and pagerank, which enables an efficient neighborhood expansion. Wu et al. [13] entirely reduce the computational costs by decoupling the feature propagation from the training process. Following the idea of SGC, Frasca et al. [14] consider the features of different receptive layers and splice them without ignoring information, while Zhu et al. [15] average them to generate combined features with the same dimension. Meanwhile, Zhang et al. [16] simplify the GNN from the perspective of spectral graph theory and it can select different high-order information orders according to different graphs. Despite this, the above models ignore the difference in node importance in the aggregation process. Chen et al. [17] adopt a constant decay factor to solve this issue, while Zhang et al. [18] use the receptive field weighted aggregation with an attention mechanism to aggregate neighborhood information. However, the above methods are suitable for supervised or semi-supervised learning scenarios, lacking a task-oriented model framework for unsupervised clustering tasks.
In response to the above problems, we propose a network that can effectively utilize various types of information in a graph with high scalability. We adopt a dual self-supervision module to guide the training of the Quasi-GNN module and the DNN module. With this dual-supervised module, the entire model can be trained in an end-to-end manner for graph clustering. In addition, it should be mentioned that the algorithm of our proposed method requires a vector form of the data as input in addition to the graph.
In summary, our contributions are described as follows:
  • A highly scalable deep network to process graph-structured data is proposed. This network can combine the topological information and the node features effectively to obtain potential embeddings for clustering tasks.
  • A linear propagation based on personalized pagerank is proposed, which improves the performance of the clustering task and alleviates the over-smoothing issue.
  • We conduct extensive experiments on five real-world datasets and achieve superior performance with fewer iterations. The experimental results show that our model outperforms the current state-of-the-art methods.

2. Related Work

Graph clustering divides the unlabeled nodes into different clusters with a certain metric. After that, we can mine the relationships between different nodes in a graph. The early graph clustering models perform poorly on real-world datasets due to their shallow architecture and learning capabilities, such as matrix factorization [19] and DeepWalk [20]. In addition, Sieranoja et al [21]. propose two complementary algorithms for graph clustering called K-algorithm and M-algorithm. The combination of these two algorithms can obtain several local optimizations on the graph and they can be used with different cost functions. However, the two algorithms fail to integrate the graph topology information, which limits their final performance.
Recently, many more effective models applied to unsupervised learning are proposed, such as auto-encoder [22] and generative adversarial networks (GAN) [23]. On this basis, many graph clustering models combined with deep learning techniques have been proposed and they have achieved good performance. The Graph Auto-encoder (GAE) [5] combines the auto-encoder with graph convolution. It first utilizes the two GCN layers to capture the information between graph topology and node features and then reconstructs an adjacency matrix to be as similar to the original matrix. The ARGA [7] adopts the adversarial training scheme to normalize the embedding process to obtain more robust embeddings. However, none of the above-mentioned models are clustering task-oriented joint optimization training methods. The DAEGC [9] combines the two components to jointly optimize the embedding module and the clustering module, which improves the quality of the embeddings and the clustering effect. Meanwhile, the SDCN [10] integrates the structural information into deep clustering by using a transfer operator to combine the auto-encoder with the GCN module. It can conduct end-to-end clustering training with the dual self-supervision module. Although these methods have superior performance, they still use the GCN module based on the message passing mechanism as the backbone network, limiting the scalability of these models.
However, the above models also have several drawbacks: (1) There is no solution to the orthogonal relationship between the model depth and the neighborhood range (2) Too many smoothing iterations or GCN layers stacking lead to over-smoothing issues.
To solve the limitations of the traditional GNN models, scalable GNN models are proposed. Early scalable GNNs simplified the model by sampling the graph, the GraphSAGE [24] samples the neighbors around the target node with the same probability, while the FastGCN [25] samples the nodes according to the importance of each node. Due to their node-wise sampling or layer-wise sampling method, they fail to learn large-scale sparse graphs effectively. On this basis, the GraphSAINT [26] proposes a subgraph-wise sampling method with high scalability, which decouples sampling from GNNs and further reduces the computational costs.
The other direction of scalable GNNs in recent years is to simplify the model structure. The SGC [13] transforms the nonlinear GCN into a simple linear model by repeatedly eliminating the nonlinear function between the GCN layers and folding the final function into a linear function. The PPNP [12] modifies the propagation scheme by adopting the relationship between GCN and pagerank. The AGC [16] advocates the use of high-order graph convolution to capture the global features of the graph and it can adaptively select the appropriate order according to different graphs, while the AGE [27] optimizes the model of GAE by decoupling the GCNs and modifies the GNN models from the perspective of graph signal processing. The S2GC [15] adopts an improved Markov diffusion kernel to derive a simpler variant of GCN that captures the global and local context of each node. Nevertheless, the SIGN [14] points out that the features among multiple layers should be considered together instead of a certain layer. They splice the features with different degrees of smoothness and utilize them for downstream tasks. Meanwhile, the GBP [17] adopts a constant weighted average decay factor to consider the difference in importance between the receptive fields of different nodes. On this basis, the GAMLP [18] integrates multi-scale node features effectively with three different attention mechanisms to improve the scalability and computational efficiency. However, the above models with high scalability lack a jointly training framework for graph clustering tasks.
In contrast, our proposed scalable deep network can not only effectively integrate the graph structure and node features, but also decouple the encoding process from the propagation process. We improve the scalability of the existing models and alleviate the over-smoothing issue. Moreover, SDN solves the issue of the orthogonal relationship between the model depth and the range of the neighborhood by the Quasi-GNN module. Meanwhile, we utilize a dual self-supervised module to train the clustering task end-to-end, which enables high-confidence clustering results while obtaining high-quality embeddings.

3. The Proposed Method

In this section, we first introduce the definition of graph and clustering tasks. Then we introduce our proposed Scalable Deep Network (SDN). The overall framework of SDN is shown in Figure 1. Specifically, SDN consists of three modules, a DNN module for auto-encoder, a Quasi-GNN module, and a dual self-supervised module. We first utilize the DNN module and linear encoder to generate the intermediate embedding, then use the linear propagation module to obtain the final embeddings. Meanwhile, we utilize the dual self-supervised module to supervise the training of these two modules. We introduce the specific details of our model as follows.

3.1. Problem Formalization

Graph-structured data can be defined as G = { V , E , X } , where V = { v 1 , v 2 , v 3 , , v m } is a vertex set with m vertices, E is an edge set with n edges, X = { x 1 , x 2 , x 3 , , x m } T is a feature matrix (input data). The topology of graph G is described by an adjacency matrix (with self-loops) A ˜ , where A ˜ = { a i j } . If there there is an edge between v i and v j , a i j = 1 , otherwise a i j = 0 . For non-graph data, we obtain their adjacency matrix A ˜ by constructing a KNN graph with the Dot-product. We first calculate the similarity between different nodes by S ij = x j T x i , and select K nodes with the highest similarity for each sample as their neighbors. Degree matrix D ˜ = d i a g ( d 1 , d 2 , d 3 , , d n ) R n × n , where d i = v j V a i j represents the degree of any node v i .
Graph clustering is to divide the nodes into t disjoint clusters C = { c l l = 1 , 2 , 3 , , t } according to a selected criterion, and there is c 1 c 2 = . When the node v i is divided into a certain cluster, it can be expressed as v i c l .

3.2. DNN Module for Auto-Encoder

It is not sufficient to obtain embeddings only based on node features and topology information, so we utilize auto-encoders to obtain high-dimensional representations of node features and integrate them into the embedding learning process of multi-layer perceptrons. For accommodating different data types, we adopt the most basic auto-encoder to obtain high-dimensional embeddings of nodes. First, the initial feature matrix (vector data) X is fed into the fully connected neural network of the DNN module to obtain the high-dimensional embedding E . The specific process and formula are defined as follows.
E ( l ) = ϕ ( W e ( l ) E ( l 1 ) + b e ( l ) ) ,
where E ( l ) represents the encoding result of the l-th layer, and for the 0-th layer of the network, we set E ( 0 ) = X . W e ( l 1 ) represents the encoding weight matrix of the l layer, ϕ represents the nonlinear function, such as R e L u ( · ) . After encoding at layers l, we decode the embedding using a decoder that is fully symmetric to the encoder.
D ( l ) = ϕ ( W d ( l ) D ( l 1 ) + b d ( l ) ) ,
where D ( l ) represents the results of the l-th layer, for the 0-th layer of the decoding network, there is D ( 0 ) = E ( l ) . W d ( l ) represents the decoding weight matrix of the l layer. After that, we set X ˜ = D ( l ) and make the following results as the objective function.
L r e s = 1 2 N i = 1 N x i x ˜ i 2 2 = 1 2 N i = 1 N X X ˜ F 2 .

3.3. Quasi-GNN Module

Although the auto-encoder can learn the embeddings from the data themselves, such as E ( 1 ) , E ( 2 ) , and E ( 3 ) , it ignores the relationship between nodes. Therefore, the traditional deep clustering method needs to utilize the GCN module to capture the relationship between nodes as the supplements. The GCN module can solve this issue, but it is difficult to expand the model depth and the range of the neighborhood together, which limits the learning ability and architecture of the models. Therefore, we propose a Quasi-GNN module, which decouples the encoding process from the propagation process and it can not only capture the relationship between nodes, but also expand the range of the neighborhood and the depth of the model together, reducing the computational cost and improving the scalability.

3.3.1. Linear Encoder

We utilize the multilayer perceptron (MLP) as our encoder to get the embeddings. The result of each layer can be defined as
H ( l ) = f ( H ( l 1 ) , W m ( l 1 ) ) = H ( l 1 ) W m ( l 1 ) ,
where H ( l ) is the embeddings of the l-th layer. Specially, H ( 0 ) = X , W m is the weight matrix of MLP. To obatin a more complete and powerful embedding, we combine the high-dimensional representations E ( l ) learned from the DNN module with H ( l ) . The formula is as follows.
H ˜ ( l ) = ( 1 σ ) H ( l ) + σ E ( l ) ,
E ( l ) is the calculation result of the l-th layer DNN module. σ is the balance coefficient and we set it to 0.5 . After that, we need to do the propagation operation on it to aggregate information in the neighborhood. Then we utilize the H ˜ ( l ) as the input of the l-th layer in MLP to generate the embeddings
H ( l ) = f ( H ˜ ( l 1 ) , W m ( l 1 ) ) = H ˜ ( l 1 ) W m ( l 1 ) .

3.3.2. Linear Propagation Module

We first briefly review the message passing algorithm of traditional GCNs. A traditional two-layer GCN model can be defined as
Z G C N = S o f t m a x ( A ^ R e L u ( A ^ X W 0 ) W 1 ) ,
where A ^ = D ˜ r 1 A ˜ D ˜ r , A ^ is the normalized adjacency matrix, by setting r = 1 or 0.5 , we can obtain different regularization methods, such as A ˜ D ˜ 1 , D ˜ 1 2 A ˜ D ˜ 1 2 , and D ˜ 1 A ˜ . The predicted labels is Z G C N . In a traditional two-layer GCN model, the calculation of each layer depends on the calculation result of the previous layer. Limited by this calculation method, the computational costs of the traditional GNN models increase exponentially. It is difficult to expand the model depth and the neighborhodd range together for their orthogonal relationship. According to Xu et al. [28], the influence score of sample x on y in GNN can be defined as
I ( x , y ) = i j Z y i X x j .
In the k-layers GNN, I ( x , y ) P r w ( x y , k ) , where P r w ( x y , k ) is the random walk distribution after fine-tuning. When k , if the graph is irreducible and aperiodic, the value will approach a stable distribution independent of x (i.e., the same amount of influence scaling), which indicates that the influence of the x on the y at this time will eventually be independent of the local graph structure. Assuming that this stable distribution is π l i m , we can calculate the distribution by the following formula
π l i m = A ^ π l i m .
Obviously, the result is related to the structure of the whole graph and has no relation to the starting point of the random walk, which means that we finally consider the information of the whole graph and ignore the nodes themselves. In addition, the original pagerank also adopts this calculation method to obtain the full graph structure.
π p r = A r w π p r A r w = A D 1 .
Based on this, we can adopt a variant of pagerank (i.e., personalized pagerank) to reconsider the root node. Assuming that i x is the indicator vector of node x, its vector representation after multiple propagations can be defined as
π p p r ( i x ) = ( 1 α ) A ^ π p p r ( i x ) + α i x ,
where α is the transmission probability, α [ 0 , 1 ] , A ^ is the normalized adjacency matrix. In this way, we can obtain an approximate post-propagation matrix with respect to the entire graph data
M ( 0 ) = T = g ( X ) ,
M ( k + 1 ) = ( 1 α ) A ^ M ( k ) + α T ,
where M ( k ) is the result of the k-th propagation, T is the embedding obtained by the linear encoder. Therefore, we can deduce the final embeddings Z by combining the intermediate embeddings H in the Section 3.3.1.
M ( 0 ) = H ˜ = H ( L ) ,
M ( k + 1 ) = ( 1 α ) A ^ M ( k ) + α H ˜ .
The last layer of the linear propagation module is the multi-classification function of the softmax function
Z = S o f t m a x ( M ( K ) ) = S o f t m a x ( ( 1 α ) A ^ M ( K ) + α H ˜ ) .
As a result, z i j Z indicates the probability that a node v i belongs to the cluster j. Moreover, we can consider Z as a kind of aggregation class distribution.

3.4. Dual Self-Supervised Module

Through the above two modules, we mechanically combine the DNN module and the Quasi-GNN module, they essentially are all used for unsupervised or supervised learning in different scenarios and we cannot apply them to our depth clustering task directly. Therefore, we need to unify the Quasi-GNN module and the DNN module with the same optimization objective. We set the goal of these modules to approximate the target distribution P, which makes the results tend to be consistent during the training process, and because of the strong connection between the two modules, we call it a dual self-Supervised module. This module does not require the participation of labels during the training process.
First, for the DNN module, we utilize Student’s t-distribution as the kernel to measure the similarity between the node embeddings e i and the cluster center vector μ j :
q i j = ( 1 + e i μ j 2 / v ) v + 1 2 j ( 1 + e i μ j 2 / v ) v + 1 2 ,
where e i is the i-th row of the embedding E ( l ) , μ j is initialized by the K-means learned by the pre-train auto-encoder, v is the degree of freedom of Student’s t-distribution. q i j can be seen as the probability of assigning sample i to cluster j. From this, we can obtain the cluster distribution Q about the nodes. To enable nodes to be assigned to different clusters with higher confidence, we calculate the target distribution P .
p i j = q i j 2 / f i j j q i j 2 / f i j ,
where f i j = i q i j is the soft clustering frequency. The target distribution P normalizes the sum of squares of each distribution in the cluster distribution Q . By using two distributions to constrain different embeddings, the embedding obtained by the DNN module and the Quasi-GNN module can be considered simultaneously to optimize the embedding and clustering quality jointly. On this basis, we can obtain the corresponding objective function
L c l u = K L ( P Q ) = i j p i j l o g p i j q i j .
This objective function constrains the DNN module and we can obtain the superior embeddings for clustering by reducing the KL divergence loss of the two distributions Q and P . In addition, we need to utilize the P distribution to constrain the Quasi-GNN module
L m l p = K L ( P Z ) = i j p i j l o g p i j z i j .
To sum up, the final loss can be defined as
L = L r e s + β L c l u + γ L m l p ,
where β and γ are constraint coefficients, β [ 0 , 1 ] and γ [ 0 , 1 ] . Algorithm 1 shows the training process of our proposed model.
Algorithm 1 Training process of SDN.
Require: 
Initial features: X , Graph: G , Numbers of clusters: K, Adjacency matrix: A , Iteration number: M a x I t e r , Layer number of linear encoder: L E , Layer number of linear propagation module: L P ;
Ensure: 
Clustering results R ;
1:
Initialize W e ( l ) , W d ( l ) , b e ( l ) , b d ( l ) with pre-train auto-encoder;
2:
Initialize μ with K-means on the representations learned by pre-train auto-encoder;
3:
Initialize W m ( l ) randomly;
4:
for  i t e = 1   t o   M a x I t e r  do
5:
   Generate DNN embeddings E ( 0 ) , E ( 1 ) , E ( 2 ) , ⋯, E ( L ) ;
6:
   Use E ( L ) to calculate the distribution Q by Equation (17);
7:
   Calculate target distribution P by Equation (18);
8:
   for  l = 1 t o L E  do
9:
       Set the balance coefficient σ = 0.5 to calculate H ˜ ( l ) by Equation (5);
10:
     Calculate the embeddings of the next layer of MLP by Equation (6);
11:
   end for
12:
   Set H ˜ = H ( L )
13:
   for  l = 1 t o L P  do
14:
      Calculate the embeddings by Equation (15);
15:
   end for
16:
   Set the transmission probability α = 0.3 to calculate the distribution Z by Equation (16);
17:
   Feed H ( L ) into the decoder to obtain the refactored feature X ˜ ;
18:
   Calculate L r e s , L c l u , L m l p , respectively;
19:
   Calculate the whole loss function L by Equation (21);
20:
   Back propagation and update parameters in SDN;
21:
end for
22:
Calculate the clustering results based on distribution Z;
23:
return R ;

4. Experiments

4.1. Datasets

To evaluate the performance of our model, we conduct extensive experiments on five public benchmark datasets, the specific details of them are shown in Table 1.
  • USPS [29]: The USPS is a digit dataset automatically scanned from envelopes by the U.S. Postal Service containing a total of 9298 16 × 16-pixel grayscale samples; the images are centered, normalized, and show a broad range of font styles.
  • HHAR [30]: The Heterogeneous Human Activity Recognition (HHAR) dataset contains 10,299 sensor records from different smart terminals. All samples are divided into 6 types of human activities, including riding, lying, sitting, standing, walking, and climbing stairs and down the stairs.
  • Reuters [31]: Reuters is a simple, widely used dataset for text classification. It includes 46 different subjects: some subjects have more samples, but each subject in the training set has at least 10 samples.
  • ACM: The ACM dataset is a paper network from ACM digital library. It contains papers published in KDD, SIGMOD, SIGCOMM, MobiCOMM, and VLDB, which can be divided into three categories (databases, wireless communication, data mining).
  • CiteSeer: The CiteSeer is a citation network. Papers in this dataset are divided into Agents, AI (Artificial Intelligence), DB (Database), IR (Information Retrieval), ML (Machine Learning), and HCI, containing a total of 3312 papers. It records information between cited papers or citations.
  • DBLP: The DBLP dataset is an author network. If two authors are collaborators, then there is an edge connection between them. We label their research fields according to their papers published in international journals and conferences.
  • Flickr: The Flickr is an image network which is constructed by forming links between shared Flickr public images. Edges are formed between pictures from the same location, pictures submitted to the same gallery, group, or collection, pictures that share a common tag, pictures taken by friends, etc.

4.2. Methods

We compare SDN with various existing representative unsupervised models for clustering tasks. Moreover, these models can be divided into three categories according to different input data, models that only use feature matrix (vector data): K-means, AE, and Random Swap; models that only use adjacency matrix (graph data): K-algorithm and M-algorithm; models that use both the two data: DEC, IDEC, GAE, VGAE, DAEGC, ARGA, SDCN, AGCN, SDN P , SDN E , and SDN. The following are specific descriptions of these models.
  • K-means [32]: It is a traditional clustering method applied directly to the feature matrix (vector data). In this paper, we utilize the K-means supported by the sklearn package. For details, please refer to https://github.com/scikit-learn/scikit-learn, accessed on 12 April 2022.
  • AE [22]: This auto-encoder consists of an encoder and a decoder. It uses the encoder to encode the initial data, then utilizes the decoder to reconstruct the embeddings. In addition, it calculates the reconstruction loss as the objective function. Finally, we employ K-means to perform clustering on the obtained high-dimensional embeddings.
  • Random Swap [33]: Random swap algorithm aims at solving clustering by a sequence of prototype swaps and by fine-tuning their exact location by k-means. We utilize the Random Swap file of the python version in the UEF Machine Learning repository. For details, please refer to https://github.com/uef-machine-learning/RandomSwap, accessed on 12 April 2022.
  • K-algorithm [21]: K-algorithm applies similar iterative local optimization but without the need to calculate the means. It inherits the properties of k-means clustering in terms of both good local optimization capability and the tendency to get stuck at a local optimum.
  • M-algorithm [21]: M-algorithm gradually improves on the results of the K-algorithm to find new and potentially better local optima. It repeatedly merges and splits random clusters and tunes the results with the K-algorithm.
  • DEC [34]: DEC is a deep clustering method that defines a centroid-based probability distribution and minimizes the KL divergence as an auxiliary objective distribution to improve both cluster assignment and feature representation. It implements the joint optimization of deep embedding and clustering.
  • IDEC [35]: Taking into account the preserved data structure, IDEC manipulates the feature space to disperse the data points. Moreover, it can jointly perform the embedding and the clustering process.
  • GAE [5]: This method is an effective combination of auto-encoder graph convolution. First, graph convolution is used to encode the data; then, the decoder is used to reconstruct its adjacency matrix. The loss function measures the difference between the reconstructed matrix and the original matrix.
  • VGAE [5]: This model first obtains the embeddings through GCNs, then learns the distribution satisfied by them. Finally, it calculates the posterior probability to obtain the latent variable to reconstruct the adjacency matrix.
  • DAEGC [9]: It adopts the attention network to learn node embeddings and employs a clustering loss to supervise the self-training clustering process.
  • AGRA [7]: Using the adversarial regularization to normalize the process of encoding, ARGA combines an adversarial training scheme with a graph auto-encoder to obtain the superior embeddings.
  • SDCN [10]: To obtain the more robust embeddings, SDCN fuses the calculation results of the GCN module and the DNN module. Moreover, it utilizes a dual self-supervised module to constrain the two modules to train the model end-to-end.
  • AGCN [36]: Considering the nodes’ importance, AGCN employs the attention mechanism to merge the embeddings learned by the same layer of auto-encoder and GCNs.
  • SDN P : It is a variant of SDN, which only employs the Quasi-GNN module.
  • SDN E : It only utilizes the DNN module for encoding as a variant of SDN.
  • SDN: The proposed method.

4.3. Evaluation Metrics and Experimental Setup

4.3.1. Evaluation Metrics

We adopt four widely used evaluation metrics: Accuracy (ACC), Normalized Mutual Information (NMI), Average Rand Index (ARI), and macro-F1 score (F1) [37]. For each metric, a larger value implies a better clustering result.
The specific calculation methods of the four indicators are as follows

Accuracy (ACC) 

ACC is used to compare the obtained labels with the true labels, which can be calculated by the formula below
A C C = i = 1 m δ ( s i , m a p ( r i ) ) n ,
where r i , s i represent the obtained label and true label corresponding to the data x i , respectively, n is the total number of data, δ indicates that the indicator function is as follows
δ ( x , y ) = 1 i f x = y 0 o t h e r w i s e .
The map in this formula represents the re-distribution of the best class label to ensure the correctness of the statistics.

Normalized Mutual Information (NMI) 

NMI is often used in clustering to measure the similarity of two clustering results. Assuming that P A ( a ) , P B ( b ) represent the probability distribution of A and B, and P A B ( a , b ) represents the joint distribution probability of A and B, then we have
H ( A ) = a P A ( a ) l o g P A ( a ) ,
H ( B ) = b P B ( b ) l o g P B ( b ) ,
H ( A , B ) = a , b P A B ( a , b ) l o g P A B ( a , b ) ,
where H ( A ) is called the information entropy of A vector. According to the relationship between joint entropy and individual entropy, NMI is defined as
N M I = H ( A ) + H ( B ) H ( A , B ) .

Adjusted Rand Index (ARI) 

ARI reflects the degree of overlap between the two divisions. Suppose clustering is a series of decision-making processes, that is, making decisions on all N ( N 1 ) node pairs on the set. When only two nodes are similar, we group them into the same cluster. We utilize a to group two similar nodes into one cluster and b to group dissimilar nodes into different clusters. The Rand coefficient (RI) can be defined as
R I = a + b C n 2 .
However, RI fails to guarantee that the RI value of randomly divided clustering results is close to 0. Therefore, the Adjusted Rand index (RI) is proposed.
A R I = R I E [ R I ] m a x ( R I ) E [ R I ] ,
where E [ R I ] represents the expectation of RI, A R I [ 1 , 1 ] .

Macro-F1 Score (F1) 

The F1 score measures the accuracy of a binary classification (or multi-task binary classification) model. It takes into account both the accuracy and recall of the classification model. F1 score can be regarded as a weighted average of model precision and recall, and F 1 [ 0 , 1 ] .
According to Table 2, p r e c i s i o n refers to the proportion of samples with a predicted value of 1 and a true value of 1 in all samples with a predicted value of 1. In addition, r e c a l l refers to the proportion of samples with a predicted value of 1 and a true value of 1 among all samples with a true value of 1. Therefore, p r e c i s i o n and r e c a l l can be defined as
p r e c i s i o n = T P T P + F P ,
r e c a l l = T P T P + F N ,
On this basis, F1 score is defined as the harmonic mean of precision and recall
F 1 = 2 × p r e c i s i o n × r e c a l l p r e c i s i o n + r e c a l l
For macro-F1, it is the average of the F1 score of each cluster in the set.
m a c r o F 1 = 1 N i = 1 N F 1 .

4.3.2. Experimental Setup

To ensure the consistency of the experiments, we utilize a unified pre-train auto-encoder to train the benchmark models involving the DNN module, such as AE+K-means, DEC, IDEC, SDCN, and AGCN. The structure of the pre-train auto-encoder is a 4-layer encoder and a 4-layer decoder with the dimension of 500–2000–500–10, and the two components are completely symmetrical to ensure the consistency of the constructed features. Meanwhile, we adopt the learning rate of 10 3 and 30 epochs to train the auto-encoder and restore the optimal training results. In the subsequent training, we first employ the pre-train auto-encoder to encode the data, then we perform the K-means and initialize our clustering layer with the obtained clustering results. During the training, different learning rates and epochs are used for different datasets. Table 3 shows the detailed settings for training the Quasi-GNN module in different datasets. For the β and γ in the loss function, we set them as β = 10 1 and γ = 10 2 , respectively, in the experiment. Also, we set α in the linear propagation layer to 0.3 and the degrees of freedom of the Student’s t-distribution to 1.
For the application of Random Swap on each dataset, we set the number of iterations to 10 and perform K-means twice for each iteration, the rest of the settings are the default settings; please refer to https://github.com/uef-machine-learning/RandomSwap, accessed on 12 April 2022. Moreover, by applying the K-algorithm and M-algorithm, we need to reconstruct the data according to the corresponding input data format. Therefore, we obtain the corresponding neighbor nodes according to their adjacency matrix and measure their similarity according to the nodes’ features like the weight of the edge. On this basis, when using the K-algorithm and the M-algorithm, we calculated the conductance as the cost function; in particular, for the M-algorithm, we set the number of iterations to 100. Other parameters are default; please refer to https://github.com/uef-machine-learning/gclu, accessed on 12 April 2022.
On the other hand, K-means, Random Swap, and AE perform graph clustering directly on the feature matrix (vector data), K-algorithm and M-algorithm perform graph clustering on the data after reconstructing the input format, and other methods based on graph neural networks utilize a combination of feature matrix (vector data) and adjacency matrix (graph data).

4.4. Scalability Analysis

To further illustrate the scalability, we analyze our proposed model in time and space complexity. Moreover, we present time and memory consumption in different baselines.

4.4.1. Complexity Analysis

In this paper, we assume that the dimension of the input data is d and the dimensions of each layer of the pre-train auto-encoder are d 1 , d 2 , d 3 , , d L . Assuming the number of input data is N, the time complexity of the pre-train auto-encoder is O ( N d 2 d 1 2 d 2 2 d L 2 ) . For the linear encoder in the Quasi-GNN module, the dimension used in this part must be the same as the pre-train auto-encoder, so the time complexity of the linear encoder is O ( N d 2 d 1 2 d 2 2 d L 2 ) . In addition, the linear propagation module in the Quasi-GNN module requires an adjacency matrix to participate in the operation instead of parameters, so the time complexity of this part is related to the output dimension of the linear encoder and the number of nodes. Therefore, the time complexity is O ( N L P d L 2 | V | 2 ) . Moreover, we suppose that there are K classes in the clustering task, and the time complexity of Equation (17) is O ( N K + N l o g N ) according to the analysis of Xie et al. [34]. In summary, the total time complexity of our proposed model is O ( N d 2 d 1 2 d 2 2 d L 2 + N L P d L 2 | V | 2 + N K + N l o g N ) .
Next, we analyze the space complexity of our proposed model. For neural networks, the space complexity is represented by the number of neural network layers and the number of parameters. The parameters needed in our model appear in the DNN module and the linear encoder in the Quasi-GNN module. For the encoder of the pre-train auto-encoder and the linear encoder in the Quasi-GNN module, to combine the embeddings of these two components, the dimensions of their weight matrix should correspond to each other. In addition, the decoder and the encoder are completely symmetrical. Therefore, the weight matrix size of these three components should be the same. The space complexity of W e , W d , and W m is O ( d d 1 + d 1 + d 1 d 2 + d 2 + + d L 1 d L + d L ) . To sum up, the space complexity of SDN should be O ( d d 1 + d 1 + d 1 d 2 + d 2 + + d L 1 d L + d L ) .

4.4.2. Time and Memory Consumption Comparison

On the one hand, to fully demonstrate the superiority of SDN in terms of memory consumption, we conduct experiments on Flickr and compare the SDN with baselines that have the state-of-the-art (SOTA) performance, such as AGCN and SDCN. The statistics of the Flickr are shown in Table 1. The results of the comparative experiments, the total number of parameters, and memory consumption of AGCN, SDCN, and SDN are shown in Table 4.
On the other hand, to show the superiority of SDN in terms of time consumption, we record the time consumed by AGCN, SDCN, and SDN when processing the same dataset. The specific results are shown in Figure 2.
First, according to the results in Figure 2, the time consumption of AGCN and SDCN is mostly higher than that of SDN. In summary, the two-part experimental results show that existing SOTA methods have larger memory consumption and longer processing time than SDN. Second, for the experimental results in Table 4, AGCN and SDCN cannot be applied to large-scale datasets, such as Flickr, mainly because they adopt GNN and its variant methods as the result of the backbone network, while the computational costs of GNN recursively increase with the deepening of the network layer, which makes it difficult for this type of model to handle large-scale graph data, and cannot effectively expand the neighborhood range to obtain better node embedding and clustering results.
In contrast, SDN utilizes linear encoders as the backbone network and linear propagation layers for feature propagation. Our proposed model not only effectively reduces the computational costs when processing the large-scale graph-structured data but also solves the orthogonal issue of the neighborhood range and the model depth, which shows the high scalability of SDN.

5. Result Analysis

We compare SDN with representative benchmark models and conduct extensive experiments on five datasets, including HHAR, Reuters, ACM, CiteSeer, and DBLP. The benchmark models completely adopt the original parameter settings. Moreover, the specific experimental results for different metrics are shown in Table 5, Table 6, Table 7 and Table 8, where the bold values represent the best performance, the underlined values indicate the second-best performance. Our model surpasses recent benchmark models and achieves SOTA results. Compared with SDCN, our module has the following advantages:
  • We decouple the GCN module by employing the Quasi-GNN module to capture the information of graph topology and node features, and this module can be combined with methods such as smoothing or label propagation, which makes our model have high scalability.
  • We solve the issue of the orthogonal relationship between the model depth and the range of neighborhood, which enables the two to scale together and reduces the computational costs.
  • We simplify the model‘s structure and add the structural information to the Quasi-GNN module to alleviate the over-smoothing issue.

6. Ablation Study

To further verify the effectiveness of our proposed model, we adopt two variant methods to verify the performance of each module. SDN P only employs the Quasi-GNN module and SDN E only utilizes the DNN module for encoding. Finally, we perform K-means on the embeddings obtained from them. Compared with other baselines, the experimental results show that removing either of the above two modules will lead to a decrease in accuracy and other metrics, which indicates that the two components of our proposed model are inseparable.
Moreover, it is worth noticing that some results obtained by SDN P are better than baselines. For instance, the accuracy in Reutuers, ACM, and CiteSeer of SDN P is about 2%, 0.5%, and 1% higher than that of AGCN. In addition, other metrics of SDN P also surpass AGCN with varying degrees, and this result indicates that the decoupled method we proposed still has superior performance while having high scalability.

7. Analysis of Transmission Probability α

The linear propagation layer adopts the propagation strategy defined by Equation (11). Owing to no parameters, it simply performs linear operations on the original matrix, which greatly improves scalability and reduces computational costs. We set α = 0 , 0.1 , 0.3 , 0.5 , 0.7 , and 1, respectively, on each dataset, and measure their final clustering effect. In this way, we obtain the most suitable transmission probability α setting, and the experimental results are shown in Figure 3. The experimental results generally show a trend of increasing first and then decreasing with the increase in α . The transition probability essentially indicates the probability that the target node learns from itself or its neighbor nodes. Based on the experimental results, we can infer that learning from only one of them is not sufficient. Therefore, it is necessary to find a suitable α to integrate the information of the target node and its neighbor nodes to obtain the deep embeddings.

8. Conclusions

In this paper, we propose a scalable deep network with a Quasi-GNN module and a DNN module. First, we utilize the Quasi-GNN module to capture the information of graph topology and node features in different dimensions and employ the DNN module for auto-encoder to supplement the structural information. In addition, the combination of these two components can be combined with other post-processing methods to enable nodes further to be assigned to clusters with higher confidence, so it has high scalability. Moreover, our proposed model solves the issue of the orthogonal relationship between the model depth and the neighborhood range. It reduces the computational costs of the traditional GCN models and alleviates the over-smoothing issue caused by the stacking of multiple GCN layers. Experiments on benchmark datasets show that our model has superior performance and achieves the SOTA effect.
For future work, we plan to optimize the Quasi-GNN module using the attention mechanism to consider the difference in importance between different nodes. On the other hand, we can add variants of GAE/VGAE to obtain more robust embeddings or propose different self-supervised modules to supervise the training of deep embeddings and clustering effectively.

Author Contributions

Conceptualization, Y.Z. (Yulin Zhao); methodology, Y.Z. (Yulin Zhao); software, Y.Z. (Yulin Zhao); validation, Y.Z. (Yulin Zhao); formal analysis, Y.Z. (Yulin Zhao); investigation, Y.Z. (Yulin Zhao) and X.L.; resources, Y.Z. (Yulin Zhao); data curation, Y.Z. (Yulin Zhao); writing—original draft preparation, Y.Z. (Yulin Zhao) and X.L.; writing—review and editing, Y.Z. (Yulin Zhao), X.L., Y.Z. (Yinlin Zhu), J.L. and S.W.; visualization, Y.Z. (Yulin Zhao); supervision, B.J.; project administration, B.J.; funding acquisition, B.J. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Shandong Provincial Natural Science Foundation, China (No. ZR2020MA064). The APC was funded by Shandong Provincial Natural Science Foundation, China (No. ZR2020MA064).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Acknowledgments

This paper was supported by the Shandong Provincial Natural Science Foundation (ZR2020MA064).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Li, J.; Cai, D.; He, X. Learning graph-level representation for drug discovery. arXiv 2017, arXiv:1709.03741. [Google Scholar]
  2. Fan, W. Graph pattern matching revised for social network analysis. In Proceedings of the 15th International Conference on Database Theory, Berlin, Germany, 26–28 March 2012; pp. 8–21. [Google Scholar]
  3. Guo, Z.; Wang, H. A deep graph neural network-based mechanism for social recommendations. IEEE Trans. Ind. Inform. 2020, 17, 2776–2783. [Google Scholar] [CrossRef]
  4. Kipf, T.N.; Welling, M. Semi-supervised classification with graph convolutional networks. arXiv 2016, arXiv:1609.02907. [Google Scholar]
  5. Kipf, T.N.; Welling, M. Variational graph auto-encoders. arXiv 2016, arXiv:1611.07308. [Google Scholar]
  6. Ahn, S.J.; Kim, M. Variational Graph Normalized AutoEncoders. In Proceedings of the 30th ACM International Conference on Information & Knowledge Management, Gold Coast, Australia, 1–5 November 2021; pp. 2827–2831. [Google Scholar]
  7. Pan, S.; Hu, R.; Long, G.; Jiang, J.; Yao, L.; Zhang, C. Adversarially regularized graph autoencoder for graph embedding. arXiv 2018, arXiv:1802.04407. [Google Scholar]
  8. Veličković, P.; Cucurull, G.; Casanova, A.; Romero, A.; Lio, P.; Bengio, Y. Graph attention networks. arXiv 2017, arXiv:1710.10903. [Google Scholar]
  9. Wang, C.; Pan, S.; Hu, R.; Long, G.; Jiang, J.; Zhang, C. Attributed graph clustering: A deep attentional embedding approach. arXiv 2019, arXiv:1906.06532. [Google Scholar]
  10. Bo, D.; Wang, X.; Shi, C.; Zhu, M.; Lu, E.; Cui, P. Structural deep clustering network. In Proceedings of the Web Conference 2020, Taipei, Taiwan, 20–24 April 2020; pp. 1400–1410. [Google Scholar]
  11. Li, X.; Hu, Y.; Sun, Y.; Hu, J.; Zhang, J.; Qu, M. A deep graph structured clustering network. IEEE Access 2020, 8, 161727–161738. [Google Scholar] [CrossRef]
  12. Klicpera, J.; Bojchevski, A.; Günnemann, S. Predict then propagate: Graph neural networks meet personalized pagerank. arXiv 2018, arXiv:1810.05997. [Google Scholar]
  13. Wu, F.; Souza, A.; Zhang, T.; Fifty, C.; Yu, T.; Weinberger, K. Simplifying graph convolutional networks. In Proceedings of the International Conference on Machine Learning, Long Beach, CA, USA, 10–15 June 2019; pp. 6861–6871. [Google Scholar]
  14. Frasca, F.; Rossi, E.; Eynard, D.; Chamberlain, B.; Bronstein, M.; Monti, F. Sign: Scalable inception graph neural networks. arXiv 2020, arXiv:2004.11198. [Google Scholar]
  15. Zhu, H.; Koniusz, P. Simple spectral graph convolution. In Proceedings of the International Conference on Learning Representations, Addis Ababa, Ethiopia, 26–30 April 2020. [Google Scholar]
  16. Zhang, X.; Liu, H.; Li, Q.; Wu, X.M. Attributed graph clustering via adaptive graph convolution. arXi 2019, arXiv:1906.01210. [Google Scholar]
  17. Chen, M.; Wei, Z.; Ding, B.; Li, Y.; Yuan, Y.; Du, X.; Wen, J.R. Scalable graph neural networks via bidirectional propagation. Adv. Neural Inf. Process. Syst. 2020, 33, 14556–14566. [Google Scholar]
  18. Zhang, W.; Yin, Z.; Sheng, Z.; Ouyang, W.; Li, X.; Tao, Y.; Yang, Z.; Cui, B. Graph attention multi-layer perceptron. arXiv 2021, arXiv:2108.10097. [Google Scholar]
  19. Cao, S.; Lu, W.; Xu, Q. Grarep: Learning graph representations with global structural information. In Proceedings of the 24th ACM International on Conference on Information and Knowledge Management, Melbourne, Australia, 19–23 October 2015; pp. 891–900. [Google Scholar]
  20. Perozzi, B.; Al-Rfou, R.; Skiena, S. Deepwalk: Online learning of social representations. In Proceedings of the 20th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, New York, NY, USA, 24–27 August 2014; pp. 701–710. [Google Scholar]
  21. Sieranoja, S.; Fränti, P. Adapting k-means for graph clustering. Knowl. Inf. Syst. 2022, 64, 115–142. [Google Scholar] [CrossRef]
  22. Hinton, G.E.; Salakhutdinov, R.R. Reducing the dimensionality of data with neural networks. Science 2006, 313, 504–507. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  23. Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative Adversarial Nets. In Proceedings of the Advances in Neural Information Processing Systems, Montreal, QC, Canada, 8–13 December 2014; Ghahramani, Z., Welling, M., Cortes, C., Lawrence, N., Weinberger, K., Eds.; Curran Associates, Inc.: Red Hook, NY, USA, 2014; Volume 27. [Google Scholar]
  24. Hamilton, W.; Ying, Z.; Leskovec, J. Inductive representation learning on large graphs. arXiv 2017, arXiv:1706.02216. [Google Scholar]
  25. Chen, J.; Ma, T.; Xiao, C. Fastgcn: Fast learning with graph convolutional networks via importance sampling. arXiv 2018, arXiv:1801.10247. [Google Scholar]
  26. Zeng, H.; Zhou, H.; Srivastava, A.; Kannan, R.; Prasanna, V. Graphsaint: Graph sampling based inductive learning method. arXiv 2019, arXiv:1907.04931. [Google Scholar]
  27. Cui, G.; Zhou, J.; Yang, C.; Liu, Z. Adaptive graph encoder for attributed graph embedding. In Proceedings of the 26th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, Online, 6–10 July 2020; pp. 976–985. [Google Scholar]
  28. Xu, K.; Li, C.; Tian, Y.; Sonobe, T.; Kawarabayashi, K.i.; Jegelka, S. Representation learning on graphs with jumping knowledge networks. In Proceedings of the International Conference on Machine Learning, Stockholm, Sweden, 10–15 July 2018; pp. 5453–5462. [Google Scholar]
  29. Hull, J.J. A database for handwritten text recognition research. IEEE Trans. Pattern Anal. Mach. Intell. 1994, 16, 550–554. [Google Scholar] [CrossRef]
  30. Stisen, A.; Blunck, H.; Bhattacharya, S.; Prentow, T.S.; Kjærgaard, M.B.; Dey, A.; Sonne, T.; Jensen, M.M. Smart devices are different: Assessing and mitigatingmobile sensing heterogeneities for activity recognition. In Proceedings of the 13th ACM Conference on Embedded Networked Sensor Systems, Seoul, Korea, 1–4 November 2015; pp. 127–140. [Google Scholar]
  31. Lewis, D.D.; Yang, Y.; Russell-Rose, T.; Li, F. Rcv1: A new benchmark collection for text categorization research. J. Mach. Learn. Res. 2004, 5, 361–397. [Google Scholar]
  32. Hartigan, J.A.; Wong, M.A. Algorithm AS 136: A k-means clustering algorithm. J. R. Stat. Society. Ser. C 1979, 28, 100–108. [Google Scholar] [CrossRef]
  33. Fränti, P.; Kivijärvi, J. Randomised local search algorithm for the clustering problem. Pattern Anal. Appl. 2000, 3, 358–369. [Google Scholar] [CrossRef]
  34. Xie, J.; Girshick, R.; Farhadi, A. Unsupervised deep embedding for clustering analysis. In Proceedings of the International Conference on Machine Learning, New York, NY, USA, 19–24 June 2016; pp. 478–487. [Google Scholar]
  35. Guo, X.; Gao, L.; Liu, X.; Yin, J. Improved deep embedded clustering with local structure preservation. In Proceedings of the International Joint Conference on Artificial Intelligence, Melbourn, Australia, 19–25 August 2017; pp. 1753–1759. [Google Scholar]
  36. Peng, Z.; Liu, H.; Jia, Y.; Hou, J. Attention-driven Graph Clustering Network. In Proceedings of the 29th ACM International Conference on Multimedia, Online, 20–24 October 2021; pp. 935–943. [Google Scholar]
  37. Gan, G.; Ma, C.; Wu, J. Data Clustering: Theory, Algorithms, and Applications; SIAM: Philadelphia, PA, USA, 2020. [Google Scholar]
Figure 1. The overall framework of SDN is as above. X , X ˜ are input data and reconstructed data, respectively. E ( l ) and H ( l ) are the results of the l-th layer of the linear encoder in the DNN and Quasi-GNN modules, respectively. Layers with different colors represent E ( l ) of different embeddings learned by the DNN module. The green solid line indicates that the target distribution P is calculated by the distribution Q, the yellow dotted line represents the dual self-supervision mechanism, and the target distribution P supervises the training of the DNN module and the Quasi-GNN module at the same time. The solid blue line in the linear propagation layer of the Quasi-GNN module represents the propagation mode.
Figure 1. The overall framework of SDN is as above. X , X ˜ are input data and reconstructed data, respectively. E ( l ) and H ( l ) are the results of the l-th layer of the linear encoder in the DNN and Quasi-GNN modules, respectively. Layers with different colors represent E ( l ) of different embeddings learned by the DNN module. The green solid line indicates that the target distribution P is calculated by the distribution Q, the yellow dotted line represents the dual self-supervision mechanism, and the target distribution P supervises the training of the DNN module and the Quasi-GNN module at the same time. The solid blue line in the linear propagation layer of the Quasi-GNN module represents the propagation mode.
Applsci 12 05502 g001
Figure 2. Time consumption comparison chart of AGCN, SDCN, and SDN on six datasets. The experiments are conducted on a machine with Intel(R) Xeon(R) Gold 6130 CPU @ 2.10GHz, and a single NVIDIA GeForce RTX 2080 Ti with 11GB memory. The operating system of the machine is Ubuntu 18.04.5 LTS. As for software versions, we use Python 3.9.12, Pytorch 1.11.0 and CUDA 11.4.
Figure 2. Time consumption comparison chart of AGCN, SDCN, and SDN on six datasets. The experiments are conducted on a machine with Intel(R) Xeon(R) Gold 6130 CPU @ 2.10GHz, and a single NVIDIA GeForce RTX 2080 Ti with 11GB memory. The operating system of the machine is Ubuntu 18.04.5 LTS. As for software versions, we use Python 3.9.12, Pytorch 1.11.0 and CUDA 11.4.
Applsci 12 05502 g002
Figure 3. Analysis of transmission probability α . Through these four pictures, we can notice that when α = 0.3 , our model have the best performance for different mertics.
Figure 3. Analysis of transmission probability α . Through these four pictures, we can notice that when α = 0.3 , our model have the best performance for different mertics.
Applsci 12 05502 g003
Table 1. The statistics of the datasets.
Table 1. The statistics of the datasets.
DatasetTypeSamplesClassesDimensionDescription
USPSImage929810256KNN network
HHARRecord10,2996561KNN network
ReutersText10,00042000KNN network
ACMGraph302531870Citation network
CiteSeerGraph332763703Citation network
DBLPGraph40584334Author network
FlickrGraph89,2507500Image network
Table 2. Confusion matrix. For binary classification issues, the rows of the matrix represent the true values and the columns of the matrix represent the predicted values. TP (True Positive) means the number of positive samples predicted as positive samples, FN (False Negative) means the number of positive samples predicted as negative samples, FP (False Positive) means the number of negative samples predicted as positive samples, TN (True Negative) means the number of negative samples predicted as negative samples.
Table 2. Confusion matrix. For binary classification issues, the rows of the matrix represent the true values and the columns of the matrix represent the predicted values. TP (True Positive) means the number of positive samples predicted as positive samples, FN (False Negative) means the number of positive samples predicted as negative samples, FP (False Positive) means the number of negative samples predicted as positive samples, TN (True Negative) means the number of negative samples predicted as negative samples.
PositiveNegative
PositiveTPFN
NegativeFPTN
Table 3. Parameter settings used for each training set when training the Quasi-GNN module. K represents constructing a K-nearest neighbor graph for non-graph data, and if the value is none, it means that the original data is graph data.
Table 3. Parameter settings used for each training set when training the Quasi-GNN module. K represents constructing a K-nearest neighbor graph for non-graph data, and if the value is none, it means that the original data is graph data.
DatasetLearning RateEpochsK
USPS10 3 2003
HHAR10 3 5505
Reuters10 4 1205
ACM10 3 120None
CiteSeer10 3 120None
DBLP10 3 120None
Table 4. Accuracy of graph clustering on Flickr. “OOM” means “out of memory”.
Table 4. Accuracy of graph clustering on Flickr. “OOM” means “out of memory”.
Number of ParametersMemory ConsumptionFlickr
AGCN4,614,831Exceed 11GOOM
SDCN4,566,650Exceed 11GOOM
SDN4,569,6679.959G43.60
Table 5. Accuracy (ACC) results on six datasets.
Table 5. Accuracy (ACC) results on six datasets.
USPSHHARReutersACMCiteSeerDBLPReferences
K-means66.8259.9854.0467.3139.3238.65[32]
AE71.0468.6974.9081.8357.0851.43[22]
Random swap63.4759.2158.9259.7038.6238.75[33]
K-algorithm56.2745.0644.2437.8232.4032.44[21]
M-algorithm52.9842.3144.2538.0821.3429.60[21]
DEC73.3169.3973.5884.3355.8958.16[34]
IDEC76.2271.0575.4385.1260.4960.31[35]
GAE63.1062.3354.4084.5261.3561.21[5]
VGAE56.1971.3060.8584.1360.9758.59[5]
DAEGC73.5576.5165.5086.9464.5462.05[9]
ARGA66.8063.3056.2086.1056.9061.60[7]
SDCN77.8984.2677.1590.4565.9668.05[10]
AGCN80.9888.1179.3090.5968.7973.26[36]
SDN P 77.6678.6181.0791.0769.5260.56Proposed
SDN E 70.9682.1179.4787.4460.1465.98Proposed
SDN78.0489.5081.1591.3470.7874.93Proposed
Table 6. Normalized Mutual Information (NMI) results on six datasets.
Table 6. Normalized Mutual Information (NMI) results on six datasets.
USPSHHARReutersACMCiteSeerDBLP
K-means62.6358.8641.5432.4416.9411.45
AE67.5371.4249.6949.3027.6425.40
Random swap60.5158.8629.0616.4017.2611.24
K-algorithm50.7031.5711.880.887.697.69
M-algorithm57.5450.604.031.270.710.38
DEC70.5872.9147.5054.5428.3429.51
IDEC75.5674.1950.2856.6127.1731.17
GAE60.6955.0625.9255.3834.6330.80
VGAE51.0862.9525.5153.2032.6926.92
DAEGC71.1269.1030.5556.1836.4132.49
ARGA61.6057.1028.7055.7034.5026.80
SDCN79.5179.9050.8268.3138.7139.50
AGCN79.6482.4457.8368.3841.5439.68
SDN P 78.7982.3159.5269.7041.9527.86
SDN E 67.5178.9656.3559.7832.8431.07
SDN79.6483.0259.4970.3544.2841.84
Table 7. Average Rand Index (ARI) results on six datasets.
Table 7. Average Rand Index (ARI) results on six datasets.
USPSHHARReutersACMCiteSeerDBLP
K-means54.5546.0927.9530.6013.436.97
AE58.8360.3649.5554.6429.3112.21
Random swap50.8045.2123.7417.7315.114.23
K-algorithm35.7124.4611.170.767.977.97
M-algorithm30.7629.981.221.270.020.05
DEC63.7061.2548.4460.6428.1223.92
IDEC67.8662.8351.2662.1625.7025.37
GAE50.3042.6319.6159.4633.5522.02
VGAE40.9651.4726.1857.7233.1317.92
DAEGC63.3360.3831.1259.3537.7821.03
ARGA51.1044.7024.5062.9033.4022.70
SDCN71.8472.8455.3673.9140.1739.15
AGCN73.6177.0760.5574.2043.7942.49
SDN P 71.2672.7862.0575.3944.0727.71
SDN E 58.7471.3358.0766.3933.4230.45
SDN71.9479.0162.2676.0345.9045.64
Table 8. Macro-F1 score (F1) results on six datasets.
Table 8. Macro-F1 score (F1) results on six datasets.
USPSHHARReutersACMCiteSeerDBLP
K-means64.7858.3341.2867.5736.0831.92
AE69.7466.3660.9682.0153.8052.53
Random swap60.7858.2246.3458.6829.9834.88
K-algorithm57.7144.6937.7636.9329.5129.51
M-algorithm51.8828.2421.6630.266.5511.69
DEC71.8267.2964.2584.5152.6259.38
IDEC74.6368.6363.2185.1161.6261.33
GAE61.8462.6443.5384.6557.3661.41
VGAE53.6371.5557.1484.1757.7058.69
DAEGC72.4576.8961.8287.0762.2061.75
ARGA66.1061.1051.1086.1054.8061.80
SDCN76.9882.5865.4890.4263.6267.71
AGCN77.6188.0066.1690.5862.3772.80
SDN P 76.6073.2165.3891.0862.1651.28
SDN E 69.6280.1863.3087.3856.5064.97
SDN77.0289.3966.0391.3961.4874.60
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Zhao, Y.; Li, X.; Zhu, Y.; Li, J.; Wang, S.; Jiang, B. A Scalable Deep Network for Graph Clustering via Personalized PageRank. Appl. Sci. 2022, 12, 5502. https://doi.org/10.3390/app12115502

AMA Style

Zhao Y, Li X, Zhu Y, Li J, Wang S, Jiang B. A Scalable Deep Network for Graph Clustering via Personalized PageRank. Applied Sciences. 2022; 12(11):5502. https://doi.org/10.3390/app12115502

Chicago/Turabian Style

Zhao, Yulin, Xunkai Li, Yinlin Zhu, Jin Li, Shuo Wang, and Bin Jiang. 2022. "A Scalable Deep Network for Graph Clustering via Personalized PageRank" Applied Sciences 12, no. 11: 5502. https://doi.org/10.3390/app12115502

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