All Projects → flyingtango → DiGCN

flyingtango / DiGCN

Licence: MIT License
Implement of DiGCN, NeurIPS-2020

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to DiGCN

eeg-gcnn
Resources for the paper titled "EEG-GCNN: Augmenting Electroencephalogram-based Neurological Disease Diagnosis using a Domain-guided Graph Convolutional Neural Network". Accepted for publication (with an oral spotlight!) at ML4H Workshop, NeurIPS 2020.
Stars: ✭ 50 (+100%)
Mutual labels:  graph-neural-networks, neurips-2020
Pro-GNN
Implementation of the KDD 2020 paper "Graph Structure Learning for Robust Graph Neural Networks"
Stars: ✭ 202 (+708%)
Mutual labels:  semi-supervised-learning, graph-neural-networks
Pseudo-Label-Keras
Pseudo-Label: Semi-Supervised Learning on CIFAR-10 in Keras
Stars: ✭ 36 (+44%)
Mutual labels:  semi-supervised-learning
CsiGAN
An implementation for our paper: CsiGAN: Robust Channel State Information-based Activity Recognition with GANs (IEEE Internet of Things Journal, 2019), which is the semi-supervised Generative Adversarial Network (GAN) for Channel State Information (CSI) -based activity recognition.
Stars: ✭ 23 (-8%)
Mutual labels:  semi-supervised-learning
catgan pytorch
Unsupervised and Semi-supervised Learning with Categorical Generative Adversarial Networks
Stars: ✭ 50 (+100%)
Mutual labels:  semi-supervised-learning
ProSelfLC-2021
noisy labels; missing labels; semi-supervised learning; entropy; uncertainty; robustness and generalisation.
Stars: ✭ 45 (+80%)
Mutual labels:  semi-supervised-learning
Adversarial-Distributional-Training
Adversarial Distributional Training (NeurIPS 2020)
Stars: ✭ 52 (+108%)
Mutual labels:  neurips-2020
H-GCN
[IJCAI 2019] Source code and datasets for "Hierarchical Graph Convolutional Networks for Semi-supervised Node Classification"
Stars: ✭ 103 (+312%)
Mutual labels:  graph-neural-networks
AGCN
No description or website provided.
Stars: ✭ 17 (-32%)
Mutual labels:  graph-neural-networks
ProteinGCN
ProteinGCN: Protein model quality assessment using Graph Convolutional Networks
Stars: ✭ 88 (+252%)
Mutual labels:  graph-neural-networks
PathCon
Combining relational context and relational paths for knowledge graph completion
Stars: ✭ 94 (+276%)
Mutual labels:  graph-neural-networks
Spectral-Designed-Graph-Convolutions
Codes for "Bridging the Gap Between Spectral and Spatial Domains in Graph Neural Networks" paper
Stars: ✭ 39 (+56%)
Mutual labels:  graph-neural-networks
SelfTask-GNN
Implementation of paper "Self-supervised Learning on Graphs:Deep Insights and New Directions"
Stars: ✭ 78 (+212%)
Mutual labels:  graph-neural-networks
SBR
⌛ Introducing Self-Attention to Target Attentive Graph Neural Networks (AISP '22)
Stars: ✭ 22 (-12%)
Mutual labels:  graph-neural-networks
Walk-Transformer
From Random Walks to Transformer for Learning Node Embeddings (ECML-PKDD 2020) (In Pytorch and Tensorflow)
Stars: ✭ 26 (+4%)
Mutual labels:  graph-neural-networks
SSL CR Histo
Official code for "Self-Supervised driven Consistency Training for Annotation Efficient Histopathology Image Analysis" Published in Medical Image Analysis (MedIA) Journal, Oct, 2021.
Stars: ✭ 32 (+28%)
Mutual labels:  semi-supervised-learning
improving segmentation with selfsupervised depth
[CVPR21] Implementation of our work "Three Ways to Improve Semantic Segmentation with Self-Supervised Depth Estimation"
Stars: ✭ 189 (+656%)
Mutual labels:  semi-supervised-learning
fixmatch-pytorch
90%+ with 40 labels. please see the readme for details.
Stars: ✭ 27 (+8%)
Mutual labels:  semi-supervised-learning
well-classified-examples-are-underestimated
Code for the AAAI 2022 publication "Well-classified Examples are Underestimated in Classification with Deep Neural Networks"
Stars: ✭ 21 (-16%)
Mutual labels:  graph-neural-networks
mtad-gat-pytorch
PyTorch implementation of MTAD-GAT (Multivariate Time-Series Anomaly Detection via Graph Attention Networks) by Zhao et. al (2020, https://arxiv.org/abs/2009.02040).
Stars: ✭ 85 (+240%)
Mutual labels:  graph-neural-networks

Digraph Inception Convolutional Networks

Paper | Poster | Supplementary

This repository is the official PyTorch implementation of Digraph Inception Convolutional Networks, where we make GCNs available in digraphs (directed graphs) and propose an Inception network to learn multi-scale features in digraphs.

Illustration of digraph conv

directed_schema

 

Illustration of DiGCN model

inception_block

 

If you find our work useful, please considering citing

@article{tong2020digraph,
  title={Digraph Inception Convolutional Networks},
  author={Tong, Zekun and Liang, Yuxuan and Sun, Changsheng and Li, Xinke and Rosenblum, David and Lim, Andrew},
  journal={Advances in Neural Information Processing Systems},
  volume={33},
  year={2020}
}

Requirements

Our project is developed using Python 3.7, PyTorch 1.5.0 with CUDA10.2. We recommend you to use anaconda for dependency configuration.

First create an anaconda environment called DiGCN by

conda create -n DiGCN python=3.7
conda activate DiGCN

Then, you need to install torch manually to fit in with your server environment (e.g. CUDA version). For the torch and torchvision used in my project, run

conda install pytorch==1.5.0 torchvision==0.6.0 cudatoolkit=10.2 -c pytorch

Besides, torch-scatter and torch-sparse are required for dealing with sparse graph. For these two packages, please follow their official instruction torch-scatter and torch-sparse.

Other requirements can be set up through:

cd DiGCN
pip install -e .

Run

cd code
python gcn.py --gpu-no 0 --dataset cora_ml
python digcn.py --gpu-no 0 --dataset cora_ml
python digcn_ib.py --gpu-no 0 --dataset cora_ml

Results

results

License

DiGCN is released under the MIT License. See the LICENSE file for more details.

Acknowledgements

The template is borrowed from Pytorch-Geometric benchmark suite. We thank the authors of following works for opening source their excellent codes. Pytorch-Geometric,Graph2Gauss,GNN-benchmark

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].