Skip to content

A PyTorch Implementation of “Robust Node Classification on Graphs: Jointly from Bayesian Label Transition and Topology-based Label Propagation" (CIKM 2022).

License

junzhuang-code/LInDT

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

13 Commits
 
 
 
 
 
 
 
 
 
 
 
 
 
 

Repository files navigation

LinkedIn Twitter

Robust Node Classification on Graphs: Jointly from Bayesian Label Transition and Topology-based Label Propagation (LInDT)

Authors: Jun Zhuang, Mohammad Al Hasan.

Paper:

Accepted for CIKM '22

Abstract:

Node classification using Graph Neural Networks (GNNs) has been widely applied in various real-world scenarios. However, in recent years, compelling evidence emerges that the performance of GNN-based node classification may deteriorate substantially by topological perturbation, such as random connections or adversarial attacks. Various solutions, such as topological denoising methods and mechanism design methods, have been proposed to develop robust GNN-based node classifiers but none of these works can fully address the problems related to topological perturbations. Recently, the Bayesian label transition model is proposed to tackle this issue but its slow convergence may lead to inferior performance. In this work, we propose a new label inference model, namely LInDT, which integrates both Bayesian label transition and topology-based label propagation for improving the robustness of GNNs against topological perturbations. LInDT is superior to existing label transition methods as it improves the label prediction of uncertain nodes by utilizing neighborhood-based label propagation leading to better convergence of label inference. Besides, LIndT adopts asymmetric Dirichlet distribution as a prior, which also helps it to improve label inference. Extensive experiments on five graph datasets demonstrate the superiority of LInDT for GNN-based node classification under three scenarios of topological perturbations.

Dataset:

cora, citeseer, pubmed, amazoncobuy, coauthor

Getting Started:

Prerequisites

Linux or macOS
CPU or NVIDIA GPU + CUDA CuDNN
Python 3
pytorch, dgl, numpy, scipy, sklearn, numba

Clone this repo

git clone https://github.com/junzhuang-code/LInDT.git
cd LInDT/src

Install dependencies

For pip users, please type the command: pip install -r requirements.txt
For Conda users, you may create a new Conda environment using: conda env create -f environment.yml

Directories

config: the config files;
src: source code and demo;
data: output labels, perturbed graphs, and model weights.

Examples

Run the LInDT_Demo.ipynb via Jupyter Notebook for demo
Train the node classifier on the train graph: python train_GNN.py
Implement {rdmPert, infoSparse, advAttack} perturbations: python {rdmPert, infoSparse, advAttack}.py
Employ LInDT model to infer labels: python main.py
Visualization with Tensorboard: Tensorboard --logdir=./runs/Logs_LInDT --port=8999

Source of Competing Methods:

GNN-Jaccard: Adversarial Examples on Graph Data: Deep Insights into Attack and Defense [Code]
GNN-SVD: All You Need Is Low (Rank): Defending Against Adversarial Attacks on Graphs [Code]
DropEdge: DropEdge: Towards Deep Graph Convolutional Networks on Node Classification [Code]
GRAND: Graph Random Neural Network for Semi-Supervised Learning on Graphs [Code]
RGCN: Robust Graph Convolutional Networks Against Adversarial Attacks [Code]
ProGNN: Graph Structure Learning for Robust Graph Neural Networks [Code]
GDC: Bayesian Graph Neural Networks with Adaptive Connection Sampling [Code]
MC dropout: Dropout as a bayesian approximation: Representing model uncertainty in deep learning

Cite

Please cite our paper if you think this repo is helpful.

@inproceedings{zhuang2022robust,
  title={Robust Node Classification on Graphs: Jointly from Bayesian Label Transition and Topology-based Label Propagation},
  author={Zhuang, Jun and Al Hasan, Mohammad},
  booktitle={Proceedings of the 31st ACM International Conference on Information \& Knowledge Management},
  pages={2795--2805},
  year={2022}
}

About

A PyTorch Implementation of “Robust Node Classification on Graphs: Jointly from Bayesian Label Transition and Topology-based Label Propagation" (CIKM 2022).

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published