Improving Graph Neural Networks with Simple Architecture Design
Abstract.
Graph Neural Networks have emerged as a useful tool to learn on the data by applying additional constraints based on the graph structure. These graphs are often created with assumed intrinsic relations between the entities. In recent years, there have been tremendous improvements in the architecture design, pushing the performance up in various prediction tasks. In general, these neural architectures combine layer depth and node feature aggregation steps. This makes it challenging to analyze the importance of features at various hops and the expressiveness of the neural network layers. As different graph datasets show varying levels of homophily and heterophily in features and class label distribution, it becomes essential to understand which features are important for the prediction tasks without any prior information. In this work, we decouple the node feature aggregation step and depth of graph neural network and introduce several key design strategies for graph neural networks. More specifically, we propose to use softmax as a regularizer and ”Soft-Selector” of features aggregated from neighbors at different hop distances; and ”Hop-Normalization” over GNN layers. Combining these techniques, we present a simple and shallow model, Feature Selection Graph Neural Network (FSGNN), and show empirically that the proposed model outperforms other state of the art GNN models and achieves up to 64% improvements in accuracy on node classification tasks. Moreover, analyzing the learned soft-selection parameters of the model provides a simple way to study the importance of features in the prediction tasks. Finally, we demonstrate with experiments that the model is scalable for large graphs with millions of nodes and billions of edges.
Source code at https://github.com/sunilkmaurya/FSGNN
1. Introduction
Graph Neural Networks (GNNs) have opened a unique path to learning on data by leveraging the intrinsic relations between entities that can be structured as a graph. By imposing these structural constraints, additional information can be learned and used for many types of prediction tasks. With rapid development of the field and easy accessibility of computation and data, GNNs have been used to solve a variety of problems like node classification (kipf_semi-supervised_2017, 15, 27, 1, 7), link prediction (ying_graph_2018, 32, 3, 4), graph classification (ying_hierarchical_2018, 33, 34), prediction of molecular properties (gilmer_neural_2017, 10, 18), natural language processing (marcheggiani_encoding_2017, 19), node ranking (maurya_fast_2019, 20) and so on.
In this work, we focus on the node classification task using graph neural networks. Since the success of early GNN models like GCN (kipf_semi-supervised_2017, 15), researchers have successively proposed numerous variants (wu_comprehensive_2019, 30) to address various shortcomings in model training and to improve the prediction capabilities. Some of the techniques used in these variants include neighbor sampling (hamilton_inductive_2017, 12, 6), attention mechanism to assign different weights to neighbors (velickovic_graph_2017, 27), use of Personalized PageRank matrix instead of adjacency matrix (klicpera_predict_2018, 16) and simplified model design (wu_simplifying_2019, 29). Also, there has been a growing interest in making the models deeper by stacking more layers and using the residual connections to improve the expressiveness of the model (rong_dropedge_2020, 23, 7). However, most of these models by design are more suitable for homophily datasets where nodes linked to each other are more likely to belong in the same class. They may not perform well with heterophily datasets which are more likely to have nodes with different labels connected together. Zhu et al. (zhu_beyond_2020, 35) highlight this problem and propose node’s ego-embedding and neighbor-embedding separation to improve performance on heterophily datasets.
In general, GNN models combine feature aggregation and transformation using a learnable weight matrix in the same layer, often referred to as graph convolutional layer. These layers are stacked together with the non-linear transformation (e.g., ReLU) and regularization(e.g., Dropout) as a learning framework on the graph data. Stacking the layers also has the effect of introducing powers of adjacency matrix (or laplacian matrix), which helps to generate a new set of features for a node by aggregating neighbor’s features at multiple hops, thus encoding the neighborhood information. The number of these unique features depends on the propagation steps or the depth of the model. The final node embeddings are the output of just stacked layers or, for some models, also has skip connection or residual connection combined at final layer.
However, such a combination muddles the distinction between the importance of features and expressiveness of MLP. It becomes challenging to analyze which features are essential and how much expressiveness MLP requires over a specific task. To overcome this challenge, we provide a framework to treat the feature propagation and learning separately. With this freedom, we propose a simple GNN model with three unique design considerations: Soft-selection of features using softmax function, Hop-Normalization, and unique mapping of features. With experimental results, we show that our simple 2-layer GNN outperforms other state-of-art GNN models (both shallow and deep) and achieves up to 64% higher node classification accuracy. In addition, analyzing the model parameters gives us an insight into identifying which features are most responsible for classification accuracy. One interesting observation we find is regarding Chameleon and Squirrel datasets. These are dense graph datasets and are generally regarded as being low-quality heterophily datasets. However, in our experiments with our proposed model, we find them to be showing strong heterophily properties with improved classification results.
Furthermore, we demonstrate that due to the simple design of our model, it can scale up for very large graph datasets. We run experiments on ogbn-papers100M dataset, which is the largest publicly available node classification dataset, and achieve higher accuracy than the state of the art models.
The rest of the paper is organized as follows: Section 2 outlines formulation of graph neural networks and details node classification task. In Section 3, we discuss design strategies for GNNs and propose the GNN model FSGNN. In Section 4, we briefly introduce relevant GNN literature. Section 5 contains the experimental details and comparison with other GNN models. In Section 6, we empirically analyze our proposed design strategies and their effect on the model’s performance. Section 7 summarizes the paper.
2. Preliminaries
Let be an undirected graph with nodes and edges. For numerical calculations, graph is represented as adjacency matrix denoted by with each element if there exists an edge between node and , otherwise . If self-loops are added to the graph then, resultant adajcency matrix is denoted as . Diagonal degree matrix of and are denoted as and . Each node is associated with a d-dimensional feature vector and the feature matrix for all nodes is represented as .
2.1. Graph Neural Networks
Graph Neural Networks (GNNs) leverage feature propagation mechanism (gilmer_neural_2017, 10) to aggregate neighborhood information of a node and use non-linear transformation with trainable weight matrix to get the final embeddings for the nodes. Conventionally, a simple GNN layer is defined as
(1) |
where is a symmetric normalized adjacency matrix with added self-loops. represents features from the previous layer, denotes the learnable weight matrix, and is a non-linear activation function, which is usually ReLU in most implementation of GNNs. However, this formulation is suitable for homophily datasets as features are cumulatively aggregated i.e. node’s own features are added together with neighbor’s features. For heterophily datasets, we require a propagation scheme to separate features of neighbors from node’s own features. So we use the following formulation for the GNN layer,
(2) |
where is symmetric normalized adjacency matrix without added self-loops. To combine features from multiple hops, concatenation operator can be used before the final layer.
Following the conventional GNN formulation using , a simple 2-layered GNN can be represented as (kipf_semi-supervised_2017, 15),
(3) |
2.2. Node Classification
Node classification is an extensively studied graph based semi-supervised learning problem. It encompasses training the GNN to predict labels of nodes based on the features and neighborhood structure of the nodes. GNN model is considered as a function conditioned on node features and adjacency matrix . Taking the example of Eq. 3, GNN aggregates the features of two hops of neighbors and outputs . Softmax function is applied row-wise, and cross-entropy error is calculated over all labeled training examples. The gradients of loss are back-propagated through the GNN layers. Once trained, the model can be used for the prediction of labels of nodes in the test set.

2.3. Homophily vs Heterophily
Node classification problem relies on the graph structure and features of the nodes to identify the labels of the node. Under homophily, nodes are assumed to have neighbors with similar features and labels. Thus, the cumulative aggregation of node’s self-features with that of neighbors reinforce the signal corresponding to the label and help to improve accuracy of the predictions. While in the case of heterophily, nodes are assumed to have dissimilar features and labels. In this case, the cumulative aggregation will reduce the signal and add more noise causing neural network to learn poorly and causing drop in performance. Thus it is essential to have node’s self-features separate from the neighbor’s features. In real-world datasets, homophily and heterophily levels may vary, hence it is optimal to have both aggregation schemes (Eq. 1 & 2)
3. Proposed Architecture
For the design of a GNN with good generalization capability and performance, there are many aspects of the data that needs to be considered. The feature propagation and aggregation scheme is governed by if the class label distribution has strong homophily or heterophily or some combination of both. The number of hops (and depth of the model for many GNN models) for feature aggregation are dependent on graph structure and size as well as label distribution among neighbors of the nodes. Also, the type and amount of regularization during training needs to be decided, for example, using dropout on input features or on graph edges.
Keeping these aspects under consideration, we propose three design strategies that help to create a versatile and simple GNN model.
3.1. Design Strategies for GNNs
3.1.1. Decouple feature generation and representation learning
As discussed in Sec. 2.1, these features can be aggregated cumulatively (homophily-based) or non-cumulatively (heterophily-based). Moreover, the features can also be combined based on some arbitrary criteria. We assume a function,
The function takes as node features matrix, as an adjacency matrix, as the power of the adjacency matrix or number of hops to propagate features and outputs a set of aggregated features. These features then can be combined using sum or concatenation operation to get final representation of the node. However, in the node classification task, for a given label distribution, only a subset of these features are useful to predict the label of the node. For example, features of node’s neighbors that lie at a greater distance in the graph may not be sufficiently informative or useful for node’s label prediction.
Conventionally, GNN models have feature propagation and transformation combined into a single layer, and the layers are stacked together. This step makes it difficult to distinguish the importance of the features and the role of MLP. To overcome this limitation, we propose to separate the feature generation step and representation learning over features separately. This provides us with three main benefits.
-
(i)
Features generated for nodes are not constrained by the design of the GNN model. We get the freedom to choose the feature set as required by the problem and the neural network design, which is sufficiently expressive.
-
(ii)
We can precompute and fix the node features set and experiment with the neural network architectures for the best performance. Precomputing features also helps to scale the training of the model for large graphs with batchwise training.
-
(iii)
In conventional GNN setting, stacking many layers also causes oversmoothing of node features (chen_measuring_2019, 5) and adversely affects the performance of the model. Recently proposed models use skip connection or residual connection to overcome this issue. However, they fail to demonstrate which features are useful. We provide an alternate scheme where the model can learn weights that identify which features are useful for the prediction task.
For the model design, instead of a single input channel, we propose to have all these features as input in parallel. Please refer Fig.1 for the illustration. Each feature is mapped to a separate linear layer. Hence the linear transformations are uniquely learned for all input features.
3.1.2. Feature Selection
As features are aggregated over many hops, some features are useful and correlate with the label distribution, while others are not very useful for learning and act more like the noise for the model. As we propose to input the feature set in parallel channels, we can design the model to learn which features are more relevant for lower loss value and giving higher weights to those features while simultaneously reducing the weights on other features. We propose to weight these features with a single scalar value that is multiplied to each input feature matrix and impose a constraint on these values by softmax function. Let be the scalar value for the feature matrix, then scales the magnitude of the features as . Softmax function is used in deep learning as a non-linear normalizer, and its output is often practically interpreted as probabilities. Before training, the scalar values corresponding to each feature matrix are initialized with equal values and softmax is applied on these values. The resultant normalized values are then multiplied with the input features, and the concatenation operator is applied. Considering number of input feature matrices , the formulation can be described as,
(4) |
While training, the scalar values of relevant features corresponding to the labels increase towards 1 while others decrease towards 0. The features that are not useful and represent more noise than signal have their magnitudes reduced with corresponding decreasing in their scalar values. Since we are not using a binary selection of features, we term this selection procedure as ”soft-selection” of features.
This formulation can be understood in two ways. As GNNs have represented with a polynomial filter,
(5) |
where is a vector of polynomial coefficients and P can be adjacency matrix (kipf_semi-supervised_2017, 15)(chen_simple_2020, 7), laplacian matrix (nt_stacked_2020, 21) or PageRank based matrix (berberidis_adaptive_2019, 2). As the polynomial coefficients are scalar parameters then our scheme can be considered as applying regularization on these parameters using the softmax function. The other way to look is to simply consider it as a weighting scheme. As the input features can be arbitrarily chosen, and instead of a scalar weighting scheme, a more sophisticated scheme can be used.
For practical implementation, since all weights are initialized as equal, they can be set equal to 1. After normalizing with softmax function, the individual scalar values becomes equal to . During training, these values change, denoting the importance of the features. In some cases, initial value may be too small and may adversely affect training. In that case, a constant may be multiplied after softmax normalization to increase the initial magnitude as . Since remains constant during the training, it does not affect the softmax regularization of the scalar parameters.
As the scalar values affect the magnitude of the features, they also affect the gradients propagated back to the linear layer, which transforms the input features. Hence it is important to have a unique weight matrix for each input feature matrix.
3.1.3. Hop-Normalization
The third strategy we propose is Hop-Normalization. It is a common practice in the deep learning field to use different types of normalization schemes, for example, batch normalization (ioffe_batch_2015, 14), layer normalization, weight normalization, and so on. However, in graph neural network frameworks, normalization of activations after hidden layers are not commonly used. It may be in part due to the common practice of normalizing node/edge features and symmetric/non-symmetric normalization of the adjacency matrix.
We propose to normalize all aggregated features from different hops after linear transformation, hence the term ”Hop-Normalization”. We propose row-wise L2-normalize the hidden layer activations as,
(6) |
where represents the row vector of activations and represents individual values. L2-normalization scales the node embedding vectors to lie on the ”unit sphere”. In the later section, we empirically show significant improvements in the performance of the model with the use of this scheme.
3.2. Feature Selection Graph Neural Network
Combining the design strategies proposed earlier, we propose a simple and shallow (2-layered) graph GNN model called Feature Selection Graph Neural Network (FSGNN). Figure 1 shows the diagrammatic representation of our model. Input features are precomputed using and and transformed using a linear layer unique to each feature matrix. Hop-normalization is applied on the output activations of the first layer and weighted with scalar weights regularized by the softmax function. Output features are then concatenated and non-linearly transformed using ReLU and mapped to the second linear layer. Cross-entropy loss is calculated with output logits of second layer.
4. Related Work
GNNs have emerged as an indispensable tool to learn graph-centric data. Many prediction tasks like node classification, link prediction, graph classification, etc. (defferrard_convolutional_2016, 8)(kipf_semi-supervised_2017, 15) introduced a simple end-to-end training framework using approximations of spectral graph convolutions. Since then, there has been a focus in the research community to improve the performance of GNNs, and a variety of techniques have been introduced. Earlier GNN frameworks utilized a fixed propagation scheme along all edges, which is sometimes not scalable for larger graphs. GraphSAGE(hamilton_inductive_2017, 12) and FastGCN(chen_fastgcn:_2018, 6) introduce neighbor sampling approaches in graph neural networks. GAT (velickovic_graph_2017, 27) introduces the use of the attention mechanism to provide weights to features that are aggregated from the neighbors. APPNP (klicpera_predict_2018, 16), JK (xu_representation_2018, 31) and Geom-GCN (pei_geom-gcn_2020, 22) aim to improve the feature propagation scheme within layers of the model. More recently, researchers are proposing to make GNN models deeper. However, deeper models suffer from oversmoothing, where after stacking many GNN layers, features of the node become indistinguishable from each other, and there is a drop in the performance of the model. DropEdge (rong_dropedge_2020, 23) proposes to drop a certain number of edges to reduce the speed of convergence of oversmoothing and relieves the information loss. GCNII (chen_simple_2020, 7) use residual connections and identity mapping in GNN layers to enable deeper networks.
5. Experiments
In this section, we evaluate the empirical performance of our proposed model on real-world datasets on the node classification task and compare with other graph neural network models.
5.1. Datasets
For fully-supervised node classification tasks, we perform experiments on nine datasets commonly used in graph neural networks literature. Details of the datasets are presented in Table 1. Homophily ratio (zhu_beyond_2020, 35) denotes the fraction of edges which connects two nodes of the same label. A higher value (closer to 1) indicates strong homophily, while a lower value (closer to 0) indicates strong heterophily in the dataset. Cora, Citeseer, and Pubmed (sen_collective_2008, 25) are citation networks based datasets and in general, are considered as homophily datasets. Graphs in Wisconsin, Cornell, Texas (pei_geom-gcn_2020, 22) represent links between webpages, Actor (tang_social_2009, 26) represent actor co-occurrence in Wikipedia pages, Chameleon and Squirrel (rozemberczki_multi-scale_2020, 24) represent the web pages in Wikipedia discussing corresponding topics. These datasets are considered as heterophily datasets. To provide a fair comparison, we use publicly available data splits taken from (pei_geom-gcn_2020, 22)111https://github.com/graphdml-uiuc-jlu/geom-gcn. These splits have been frequently used by researchers for experiments in their publications. Results of comparison methods presented in this paper are also based on this split.
In the analysis section, to demonstrate the scalability of the model for large graphs, we use ogbn-papers100M dataset222https://ogb.stanford.edu/docs/nodeprop/, which is the largest publicly available node classification dataset. Many nodes in this dataset do not have labels assigned, hence homophily ratio is not calculated. We use standard split provided (hu_open_2021, 13) to train and evaluate the model.
Datasets | Hom. Ratio | Nodes | Edges | Features | Classes |
---|---|---|---|---|---|
Cora | 0.81 | 2,708 | 5,429 | 1,433 | 7 |
Citeseer | 0.74 | 3,327 | 4,732 | 3,703 | 6 |
Pubmed | 0.80 | 19,717 | 44,338 | 500 | 3 |
Chameleon | 0.23 | 2,277 | 36,101 | 2,325 | 4 |
Wisconsin | 0.21 | 251 | 499 | 1,703 | 5 |
Texas | 0.11 | 183 | 309 | 1,703 | 5 |
Cornell | 0.30 | 183 | 295 | 1,703 | 5 |
Squirrel | 0.22 | 5,201 | 198,353 | 2,089 | 5 |
Actor | 0.22 | 7,600 | 26,659 | 932 | 5 |
ogbn-papers100M | 111,059,956 | 1,615,685,872 | 128 | 172 |
5.2. Preprocessing
We follow the same preprocessing steps used by (pei_geom-gcn_2020, 22) and (chen_simple_2020, 7). Other models also follow the same set of procedures. Initial node features are row-normalized. To account for both homophily and heterophily, we use the adjacency matrix and adjacency matrix with added-self loops for feature transformation. Both matrices are symmetrically normalized. For efficient computation, adjacency matrices are stored and used as sparse matrices.
Cora | Citeseer | Pubmed | Chameleon | Wisconsin | Texas | Cornell | Squirrel | Actor | |
GCN | 87.281.26 | 76.681.64 | 87.380.66 | 59.822.58 | 59.806.99 | 59.465.25 | 57.034.67 | 36.891.34 | 30.260.79 |
GAT | 82.681.80 | 75.461.72 | 84.680.44 | 54.691.95 | 55.298.71 | 58.384.45 | 58.923.32 | 30.622.11 | 26.281.73 |
GraphSAGE | 86.901.04 | 76.041.30 | 88.450.50 | 58.731.68 | 81.185.56 | 82.436.14 | 75.955.01 | 41.610.74 | 34.230.99 |
Cheby+JK | 85.491.27 | 74.981.18 | 89.070.30 | 63.792.27 | 82.554.57 | 78.386.37 | 74.597.87 | 45.031.73 | 35.141.37 |
MixHop | 87.610.85 | 76.261.33 | 85.310.61 | 60.502.53 | 75.884.90 | 77.847.73 | 73.516.34 | 43.801.48 | 32.222.34 |
GEOM-GCN | 85.27 | 77.99 | 90.05 | 60.90 | 64.12 | 67.57 | 60.81 | 38.14 | 31.63 |
GCNII | 88.011.33 | 77.131.38 | 90.300.37 | 62.482.74 | 81.574.98 | 77.845.64 | 76.494.37 | N/A | N/A |
H2GCN-1 | 86.921.37 | 77.071.64 | 89.400.34 | 57.111.58 | 86.674.69 | 84.866.77 | 82.164.80 | 36.421.89 | 35.861.03 |
Ours(3-hop) | 87.731.36 | 77.191.35 | 89.730.39 | 78.141.25 | 88.433.22 | 87.305.55 | 87.035.77 | 73.482.13 | 35.670.69 |
Ours(8-hop) | 87.931.00 | 77.401.93 | 89.750.39 | 78.271.28 | 87.843.37 | 87.305.28 | 87.846.19 | 74.101.89 | 35.750.96 |
5.3. Settings and Baselines
For a fully-supervised node classification task, each dataset is split evenly for each class into 60%, 20%, and 20% for training, validation, and testing. We report the performance as mean classification accuracy over 10 random splits.
We fix the embedding size to 64 and set the initial learnable scalar parameter with respect to each hop to 1 and is set to 1. Thus, the initial scalar value is set to . Hyper-parameter settings of the model for best performance are found by performing a grid-search over a range of hyper-parameters.
5.4. Results
Table 2 shows the comparison of the mean classification accuracy of our model with other popular GNN models. On heterophily datasets, our model shows significant improvements especially 64% on Squirrel and 23% on Chameleon dataset. Similarly, on Wisconsin, Texas, and Cornell, improvements are 2%, 3%, and 7%, respectively. H2GCN has closer performance to our model than other GNN models as its architecture design accounts for the heterophily present in class labels and distinguishes node’s self-features from neighbor’s features. However, with our proposed model, we are able to achieve higher accuracy. The performance of other GNN models is quite a bit lower as their design is more suitable for homophily datasets.
On homophily datasets, we observe most of the models have comparable performance with GCNII and GEOM-GCN in the lead. Our model is still comparable to state of the art and coming as second-best among various comparison measures.
6. Discussion
Cora | Citeseer | Pubmed | Chameleon | Wisconsin | Texas | Cornell | Squirrel | Actor | |
---|---|---|---|---|---|---|---|---|---|
Proposed | 83.682.22 | 74.481.44 | 89.240.27 | 72.484.16 | 81.485.62 | 78.805.88 | 78.092.22 | 63.576.83 | 33.541.21 |
Without soft-selection | 87.070.26 | 76.450.27 | 89.090.39 | 72.271.34 | 78.036.55 | 76.286.72 | 74.326.54 | 61.734.15 | 34.150.64 |
Common weight () | 83.191.41 | 72.151.02 | 88.960.28 | 68.246.03 | 70.5610.94 | 68.457.65 | 68.189.13 | 56.638.54 | 32.731.48 |
Without Hop-normalization | 77.123.49 | 71.4010.01 | 87.720.77 | 53.066.18 | 82.602.68 | 76.333.87 | 76.183.43 | 32.606.38 | 36.660.55 |
6.1. Ablation Studies
In this section, we consider the effect of various proposed design strategies on the performance of the model. In general, graph neural networks are sensitive to the hyperparameters used in training and require some amount of tuning to get the best performance. Since each dataset may have different set of best hyperparameters, it can be difficult to judge design decisions based just on best performance of the model with single hyperparameter setting. To provide a comprehensive evaluation, we compare the average accuracy of the model over 1080 combinations of the hyperparameters. The hyperparameters we tune are learning rate and weight decay of layers and dropout value applied as regularization between layers. Table 3 shows the average of classification accuracy values under various settings.
For most datasets, our proposed design schemes lead to better average accuracy. Cora and Citeseer show better average performance without softmax regularization, however, the peak performance is marginally less with regularization. Even though Wisconsin shows higher average accuracy without normalization, however, the best performance on the dataset was achieved with the normalization layer. We found that Actor was the only dataset where performance reduced with the addition of the normalization layer. Without the normalization layer, our model achieves 37.63% accuracy. However, to maintain consistency, we do not include it in the main results. These variations also highlight the fact that a single set of design choices may not apply to all datasets/tasks and some level of exploration is required.
It is interesting to note that performance on almost all datasets is sensitive to the choice of the hyperparameters for training the model as there is a wide gap between best and average performance. One exception is Pubmed, where the model’s performance is relatively unperturbed under various hyperparameter combinations.


6.2. Soft-Selection Parameter Analysis
We analyze the learned soft-selection parameters on average over different model hyperparameter combinations. We use four different settings: Proposed model setting, without softmax regularization on scalar weight parameters, shared linear transformation layer on input features, and without Hop-Normalization on input feature activations. For homophily datasets, it is easy to see that self-looped features are given more importance. Among heterophily datasets, Wisconsin, Cornell, Texas, and Actor have the most weights on node’s ego features. In these datasets, graph structure plays a limited role in the performance accuracy of the model. For Chameleon and Squirrel datasets, we observed that the node’s own features and first-hop features(without self-loop) were more useful for classification than any other features.
6.3. Hop-Normalization
In our experimental results, we find Chameleon and Squirrel datasets have significant improvements. To understand the results better, we create 2-dimensional plot of the trained embeddings of both datasets using t-SNE(maaten_accelerating_2014, 17). Figure 4 shows the comparison of embeddings with and without hop-normalization. Without hop-normalization, embeddings of the nodes are not separated clearly, thus resulting in lower classification performance. We observe similar performance on other GNN models. While with hop-normalization, the node embeddings are well separated into clusters corresponding to their label leading to a higher observed performance with our model.
6.4. Model Scalability
Many GNN models by design are not scalable for large graph datasets with millions of nodes. To demonstrate the scalability of our model, we run experiments on ogbn-papers100M dataset (wang_microsoft_2020, 28)(hu_open_2021, 13) which is a citation graph with about 111 million nodes, 1.6 billion edges and 172 node label classes. Similar to our previous experimental settings, we generate a set of features with and for 3-hop aggregation. The dimension of the hidden layer is set to 256 and is set to L=7 (equal to number of input features) to provide stable training. The model is trained batchwise with input features for 10 random initializations, and we report mean accuracy.
We compare the accuracy of our model with SGC (wu_simplifying_2019, 29), Node2Vec (grover_node2vec_2016, 11) and SIGN (frasca_sign_2020, 9). Similar to our method, input features can be precomputed in SGC and SIGN, thus making them scalable for larger datasets. Once features are computed, the model can be trained with small input batches of node features on the GPU. Many other GNN models cannot be trained for larger graphs as the feature generation, and model training are combined.
Table 4 shows the mean node classification accuracy along with published results of other methods taken from (frasca_sign_2020, 9)(hu_open_2021, 13). Our model outperforms all other methods, with SIGN having a closer performance to ours. However, SIGN uses the adjacency matrix of both directed and undirected versions of the graph for feature transformations, while our model only utilizes the adjacency matrix of the undirected graph.
Method | Accuracy |
---|---|
SGC | 63.290.19 |
Node2Vec | 58.070.28 |
SIGN | 65.110.14 |
FSGNN | 67.170.14 |
6.5. Effect of increase in hops
In this section, we evaluate the change in model’s performance with increase in the hops for aggregation. We choose one homophily dataset (Cora) and one heterophily dataset (Chameleon). Experiments are run with hop values set to 3,8,16, and 32. Figure 4 shows the performance of the model for each hop setting. We observe that there is little variation in the performance of the model. This result is intuitive as aggregated features from higher hops are not very useful, and the model can learn to place low weights on them.

7. Conclusion
We discuss three GNN design strategies: separation of feature aggregation and representation learning; soft-selection of features, and hop-normalization. Using these simple and effective strategies, we propose a novel GNN model, called FSGNN. Using extensive experiments, we show that FSGNN outperforms the current state of the art GNN models on the node classification task. Analysis of the learned parameters provides us the crucial information of feature importance. Furthermore, we show that our model can be scaled for graphs with millions of nodes and billions of edges.
Implementation Details
For reproducibility of experimental results, we provide the details of our experiment setup and hyperparameters of the model.
We use PyTorch 1.6.0 as deep learning framework on Python 3.8. Model training is done on Nvidia V100 GPU with 16 GB graphics memory and CUDA version 10.2.89.
For node classfication results (2), we do grid search for learning rate and weight decay of the layers and dropout between the layers. Hyperparameters are set for first layer , second layer and scalar weight parameter . ReLU is used as non-linear activation and Adam is used as the optimizer. Table 5 shows details of hyperparameter search space. Table 6 and 7 show the best hyperparameters for the model in 3-hop and 8-hop configuration respectively.
For experiments on ogbn-papers100M dataset, we did not do grid search. Based on the data from earlier experiments we manually tuned the hyperparameters to get the accuracy result. Batch size of 10000 was used for training data. Table 8 shows the relevant hyperparameters for the model.
Hyperparameter | Values |
---|---|
0.0, 0.0001, 0.001, 0.01, 0.1 | |
0.04, 0.02, 0.01, 0.005 | |
0.0, 0.0001, 0.001 | |
0.0, 0.0001, 0.001 | |
0.01, 0.005 | |
0.5, 0.6, 0.7 |
Datasets | ||||||
---|---|---|---|---|---|---|
Cora | 0.1 | 0.01 | 0.001 | 0.0001 | 0.01 | 0.6 |
Citeseer | 0.0001 | 0.005 | 0.001 | 0.0 | 0.01 | 0.5 |
Pubmed | 0.01 | 0.005 | 0.0001 | 0.0001 | 0.01 | 0.7 |
Chameleon | 0.1 | 0.005 | 0.0 | 0.0 | 0.005 | 0.5 |
Wisconsin | 0.0001 | 0.01 | 0.001 | 0.0001 | 0.01 | 0.5 |
Texas | 0.001 | 0.01 | 0.001 | 0.0 | 0.01 | 0.7 |
Cornell | 0.0 | 0.01 | 0.001 | 0.001 | 0.01 | 0.5 |
Squirrel | 0.1 | 0.04 | 0.0 | 0.001 | 0.01 | 0.7 |
Actor | 0.0 | 0.04 | 0.001 | 0.0001 | 0.01 | 0.7 |
Datasets | ||||||
---|---|---|---|---|---|---|
Cora | 0.1 | 0.02 | 0.001 | 0.0001 | 0.01 | 0.6 |
Citeseer | 0.0001 | 0.01 | 0.001 | 0.0001 | 0.01 | 0.5 |
Pubmed | 0.01 | 0.02 | 0.0001 | 0.0 | 0.005 | 0.7 |
Chameleon | 0.1 | 0.01 | 0.0 | 0.0 | 0.005 | 0.5 |
Wisconsin | 0.001 | 0.02 | 0.001 | 0.0001 | 0.01 | 0.5 |
Texas | 0.01 | 0.01 | 0.001 | 0.0 | 0.01 | 0.7 |
Cornell | 0.0 | 0.01 | 0.001 | 0.0001 | 0.01 | 0.5 |
Squirrel | 0.1 | 0.02 | 0.0 | 0.0001 | 0.01 | 0.5 |
Actor | 0.0001 | 0.04 | 0.001 | 0.0001 | 0.01 | 0.7 |
Dataset | ||||||||
---|---|---|---|---|---|---|---|---|
|
0.1 | 0.0001 | 0.001 | 0.000001 | 0.00005 | 0.0002 | 0.5 |
Acknowledgement
This work was supported by JSPS Grant-in-Aid for Scientific Research (Grant Number 21K12042, 17H01785), JST CREST (Grant Number JPMJCR1687), and the New Energy and Industrial Technology Development Organization (Grant Number JPNP20006)
References
- (1) Sami Abu-El-Haija et al. “MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing” In ICML, 2019
- (2) D. Berberidis et al. “Adaptive Diffusions for Scalable Learning Over Graphs” Conference Name: IEEE Transactions on Signal Processing In IEEE Transactions on Signal Processing 67.5, 2019, pp. 1307–1321 DOI: 10.1109/TSP.2018.2889984
- (3) Rianne van den Berg et al. “Graph Convolutional Matrix Completion” In ArXiv abs/1706.02263, 2017
- (4) Ines Chami et al. “Hyperbolic Graph Convolutional Neural Networks” In NeurIPS, 2019
- (5) Deli Chen et al. “Measuring and Relieving the Over-smoothing Problem for Graph Neural Networks from the Topological View” In arXiv:1909.03211 [cs, stat], 2019 arXiv: http://arxiv.org/abs/1909.03211
- (6) Jie Chen et al. “FastGCN: Fast Learning with Graph Convolutional Networks via Importance Sampling” In International Conference on Learning Representations, 2018 URL: https://openreview.net/forum?id=rytstxWAW¬eId=ByU9EpGSf
- (7) M. Chen et al. “Simple and Deep Graph Convolutional Networks” In ICML, 2020
- (8) Michaël Defferrard et al. “Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering” In arXiv:1606.09375 [cs, stat], 2016 arXiv: http://arxiv.org/abs/1606.09375
- (9) Fabrizio Frasca et al. “SIGN: Scalable Inception Graph Neural Networks” In arXiv:2004.11198 [cs, stat], 2020 arXiv: http://arxiv.org/abs/2004.11198
- (10) Justin Gilmer et al. “Neural Message Passing for Quantum Chemistry” In Proceedings of the 34th International Conference on Machine Learning - Volume 70, ICML’17, 2017, pp. 1263–1272 URL: http://dl.acm.org/citation.cfm?id=3305381.3305512
- (11) Aditya Grover et al. “node2vec: Scalable Feature Learning for Networks” In KDD, 2016 DOI: 10.1145/2939672.2939754
- (12) Will Hamilton et al. “Inductive Representation Learning on Large Graphs” In NIPS, 2017, pp. 1024–1034 URL: http://papers.nips.cc/paper/6703-inductive-representation-learning-on-large-graphs.pdf
- (13) Weihua Hu et al. “Open Graph Benchmark: Datasets for Machine Learning on Graphs” version: 4 In arXiv:2005.00687 [cs, stat], 2021 arXiv: http://arxiv.org/abs/2005.00687
- (14) Sergey Ioffe et al. “Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift” ISSN: 1938-7228 In International Conference on Machine Learning PMLR, 2015, pp. 448–456 URL: http://proceedings.mlr.press/v37/ioffe15.html
- (15) Thomas N. Kipf et al. “Semi-Supervised Classification with Graph Convolutional Networks” In ICLR, 2017 arXiv: http://arxiv.org/abs/1609.02907
- (16) Johannes Klicpera et al. “Predict then Propagate: Combining neural networks with personalized pagerank for classification on graphs”, 2018
- (17) Laurens van der Maaten “Accelerating t-SNE using Tree-Based Algorithms” In Journal of Machine Learning Research 15.93, 2014, pp. 3221–3245 URL: http://jmlr.org/papers/v15/vandermaaten14a.html
- (18) Kaushalya Madhawa et al. “GraphNVP: An Invertible Flow Model for Generating Molecular Graphs” In arXiv:1905.11600 [cs, stat], 2019 arXiv: http://arxiv.org/abs/1905.11600
- (19) Diego Marcheggiani et al. “Encoding Sentences with Graph Convolutional Networks for Semantic Role Labeling” In Proceedings of the 2017 Conference on Empirical Methods in Natural Language Processing Copenhagen, Denmark: Association for Computational Linguistics, 2017, pp. 1506–1515 DOI: 10.18653/v1/D17-1159
- (20) Sunil K. Maurya et al. “Fast Approximations of betweenness centrality using Graph Neural Networks”, 2019
- (21) Hoang NT et al. “Stacked Graph Filter” In arXiv:2011.10988 [cs], 2020 arXiv: http://arxiv.org/abs/2011.10988
- (22) Hongbin Pei et al. “Geom-GCN: Geometric Graph Convolutional Networks” In ICLR, 2020
- (23) Y. Rong et al. “DropEdge: Towards Deep Graph Convolutional Networks on Node Classification” In ICLR, 2020
- (24) Benedek Rozemberczki et al. “Multi-scale Attributed Node Embedding” In arXiv:1909.13021 [cs, stat], 2020 arXiv: http://arxiv.org/abs/1909.13021
- (25) P. Sen et al. “Collective Classification in Network Data” In AI Mag., 2008 DOI: 10.1609/aimag.v29i3.2157
- (26) Jie Tang et al. “Social influence analysis in large-scale networks” In Proceedings of the 15th ACM SIGKDD international conference on Knowledge discovery and data mining, KDD ’09 New York, NY, USA: Association for Computing Machinery, 2009, pp. 807–816 DOI: 10.1145/1557019.1557108
- (27) Petar Velickovic et al. “Graph Attention Networks” In ArXiv abs/ 1710.10903, 2017
- (28) Kuansan Wang et al. “Microsoft Academic Graph: When experts are not enough” Publisher: MIT Press In Quantitative Science Studies 1.1, 2020, pp. 396–413 DOI: 10.1162/qss˙a˙00021
- (29) Felix Wu et al. “Simplifying Graph Convolutional Networks” In ICML, 2019 arXiv:1902.07153
- (30) Zonghan Wu et al. “A Comprehensive Survey on Graph Neural Networks” In arXiv:1901.00596 [cs, stat], 2019 arXiv: http://arxiv.org/abs/1901.00596
- (31) Keyulu Xu et al. “Representation Learning on Graphs with Jumping Knowledge Networks” ISSN: 2640-3498 In International Conference on Machine Learning PMLR, 2018, pp. 5453–5462 URL: http://proceedings.mlr.press/v80/xu18c.html
- (32) Rex Ying et al. “Graph Convolutional Neural Networks for Web-Scale Recommender Systems” In KDD ’18, 2018 DOI: 10.1145/3219819.3219890
- (33) Rex Ying et al. “Hierarchical Graph Representation Learning with Differentiable Pooling” event-place: Montréal, Canada In Proceedings of the 32Nd International Conference on Neural Information Processing Systems, NIPS’18 USA: Curran Associates Inc., 2018, pp. 4805–4815 URL: http://dl.acm.org/citation.cfm?id=3327345.3327389
- (34) Muhan Zhang et al. “An End-to-End Deep Learning Architecture for Graph Classification” In AAAI, 2018
- (35) Jiong Zhu et al. “Beyond Homophily in Graph Neural Networks: Current Limitations and Effective Designs” In Advances in Neural Information Processing Systems 33, 2020 URL: https://proceedings.neurips.cc/paper/2020/hash/58ae23d878a47004366189884c2f8440-Abstract.html