Topic: "graph-classification"
benedekrozemberczki/awesome-graph-classification
A collection of important graph embedding, classification and representation learning papers with implementations.
Language: Python - Size: 1.79 MB - Last synced at: about 9 hours ago - Pushed at: about 2 years ago - Stars: 4,789 - Forks: 739

THUDM/CogDL
CogDL: A Comprehensive Library for Graph Deep Learning (WWW 2023)
Language: Python - Size: 9.8 MB - Last synced at: 10 days ago - Pushed at: about 1 year ago - Stars: 1,768 - Forks: 309

benedekrozemberczki/awesome-fraud-detection-papers
A curated list of data mining papers about fraud detection.
Language: Python - Size: 490 KB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 1,694 - Forks: 312

benedekrozemberczki/CapsGNN
A PyTorch implementation of "Capsule Graph Neural Network" (ICLR 2019).
Language: Python - Size: 4.66 MB - Last synced at: 14 days ago - Pushed at: about 2 years ago - Stars: 1,254 - Forks: 199

benedekrozemberczki/SimGNN
A PyTorch implementation of "SimGNN: A Neural Network Approach to Fast Graph Similarity Computation" (WSDM 2019).
Language: Python - Size: 2.44 MB - Last synced at: 10 days ago - Pushed at: over 2 years ago - Stars: 792 - Forks: 149

daiquocnguyen/Graph-Transformer
Universal Graph Transformer Self-Attention Networks (TheWebConf WWW 2022) (Pytorch and Tensorflow)
Language: Python - Size: 109 MB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 622 - Forks: 77

ysig/GraKeL
A scikit-learn compatible library for graph kernels
Language: Python - Size: 26.4 MB - Last synced at: 10 days ago - Pushed at: 6 months ago - Stars: 611 - Forks: 100

benedekrozemberczki/APPNP
A PyTorch implementation of "Predict then Propagate: Graph Neural Networks meet Personalized PageRank" (ICLR 2019).
Language: Python - Size: 1.2 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 368 - Forks: 51

bknyaz/graph_nn
Graph Classification with Graph Convolutional Networks in PyTorch (NeurIPS 2018 Workshop)
Language: Jupyter Notebook - Size: 187 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 327 - Forks: 71

gasteigerjo/ppnp
PPNP & APPNP models from "Predict then Propagate: Graph Neural Networks meet Personalized PageRank" (ICLR 2019)
Language: Jupyter Notebook - Size: 8.9 MB - Last synced at: 6 days ago - Pushed at: 4 months ago - Stars: 321 - Forks: 55

cszhangzhen/HGP-SL
Hierarchical Graph Pooling with Structure Learning
Language: Python - Size: 1.21 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 295 - Forks: 48

TrustAGI-Lab/graph_datasets
A Repository of Benchmark Graph Datasets for Graph Classification (31 Graph Datasets In Total).
Size: 40.5 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 289 - Forks: 73

benedekrozemberczki/GAM
A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).
Language: Python - Size: 2.9 MB - Last synced at: 14 days ago - Pushed at: over 2 years ago - Stars: 273 - Forks: 57

benedekrozemberczki/SEAL-CI
A PyTorch implementation of "Semi-Supervised Graph Classification: A Hierarchical Graph Perspective" (WWW 2019)
Language: Python - Size: 5.08 MB - Last synced at: 27 days ago - Pushed at: over 2 years ago - Stars: 211 - Forks: 43

BorgwardtLab/TOGL
Topological Graph Neural Networks (ICLR 2022)
Language: Python - Size: 1.61 MB - Last synced at: 17 days ago - Pushed at: almost 3 years ago - Stars: 122 - Forks: 22

LiuChuang0059/graph-pooling-papers
IJCAI‘23 Survey Track: Papers on Graph Pooling (GNN-Pooling)
Size: 229 KB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 114 - Forks: 12

BorgwardtLab/GraphKernels
A package for computing Graph Kernels
Language: C++ - Size: 43.7 MB - Last synced at: 17 days ago - Pushed at: almost 2 years ago - Stars: 104 - Forks: 55

JinheonBaek/GMT
Official Code Repository for the paper "Accurate Learning of Graph Representations with Graph Multiset Pooling" (ICLR 2021)
Language: Python - Size: 34.1 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 101 - Forks: 21

giannisnik/cnn-graph-classification
A convolutional neural network for graph classification in PyTorch
Language: Python - Size: 3.09 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 91 - Forks: 20

malllabiisc/ASAP
AAAI 2020 - ASAP: Adaptive Structure Aware Pooling for Learning Hierarchical Graph Representations
Language: Python - Size: 1.68 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 89 - Forks: 27

leftthomas/DGCNN
A PyTorch implementation of DGCNN based on AAAI 2018 paper "An End-to-End Deep Learning Architecture for Graph Classification"
Language: Python - Size: 36.6 MB - Last synced at: 27 days ago - Pushed at: over 1 year ago - Stars: 64 - Forks: 16

BorgwardtLab/P-WL
A Persistent Weisfeiler–Lehman Procedure for Graph Classification
Language: Python - Size: 163 MB - Last synced at: 17 days ago - Pushed at: almost 4 years ago - Stars: 61 - Forks: 17

benedekrozemberczki/PDN
The official PyTorch implementation of "Pathfinder Discovery Networks for Neural Message Passing" (WebConf '21)
Language: Python - Size: 4.8 MB - Last synced at: 12 days ago - Pushed at: about 2 years ago - Stars: 58 - Forks: 11

benedekrozemberczki/FEATHER
The reference implementation of FEATHER from the CIKM '20 paper "Characteristic Functions on Graphs: Birds of a Feather, from Statistical Descriptors to Parametric Models".
Language: Python - Size: 14.3 MB - Last synced at: 12 days ago - Pushed at: about 2 years ago - Stars: 50 - Forks: 13

yangnianzu0515/MoleOOD
Official implementation for the paper "Learning Substructure Invariance for Out-of-Distribution Molecular Representations" (NeurIPS 2022).
Language: Python - Size: 105 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 50 - Forks: 6

FilippoMB/Benchmark_dataset_for_graph_classification
Dataset for testing graph classification algorithms, such as Graph Kernels and Graph Neural Networks.
Language: Python - Size: 53.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 49 - Forks: 8

nphdang/GE-FSG
Graph Embedding via Frequent Subgraphs
Language: Python - Size: 81.9 MB - Last synced at: 27 days ago - Pushed at: almost 5 years ago - Stars: 44 - Forks: 8

bdqnghi/ggnn.tensorflow
Tensorflow implementation of Gated Graph Neural Network for Source Code Classification
Language: Java - Size: 312 MB - Last synced at: 27 days ago - Pushed at: over 4 years ago - Stars: 42 - Forks: 10

giannisnik/rwgnn
Random Walk Graph Neural Networks
Language: Python - Size: 1.08 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 40 - Forks: 7

harryjo97/EHGNN
Official Code Repository for the paper "Edge Representation Learning with Hypergraphs" (NeurIPS 2021)
Language: Python - Size: 30.5 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 37 - Forks: 5

daiquocnguyen/QGNN
Quaternion Graph Neural Networks (ACML 2021) (Pytorch and Tensorflow)
Language: Python - Size: 124 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 35 - Forks: 9

bayer-science-for-a-better-life/phc-gnn
Implementation of the Paper: "Parameterized Hypercomplex Graph Neural Networks for Graph Classification" by Tuan Le, Marco Bertolini, Frank Noé and Djork-Arné Clevert
Language: Python - Size: 6.92 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 31 - Forks: 6

jwu4sml/Graph-Embedding-Techniques
It provides some typical graph embedding techniques based on task-free or task-specific intuitions.
Size: 104 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 31 - Forks: 11

safreita1/malnet-graph
A large-scale database for graph representation learning
Language: Python - Size: 581 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 30 - Forks: 11

ashleve/graph_classification
Benchmarking GNNs with PyTorch Lightning: Open Graph Benchmarks and image classification from superpixels
Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: 10 days ago - Pushed at: almost 3 years ago - Stars: 30 - Forks: 6

benedekrozemberczki/OrbitalFeatures
A sparsity aware implementation of "Biological Network Comparison Using Graphlet Degree Distribution" (Bioinformatics 2007)
Language: Python - Size: 771 KB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 26 - Forks: 11

junwu6/DEMO-Net
DEMO-Net: Degree-specific Graph Neural Networks for Node and Graph Classification
Language: Python - Size: 106 KB - Last synced at: 11 months ago - Pushed at: almost 4 years ago - Stars: 26 - Forks: 8

ZhenyuYangMQ/Awesome-Graph-Level-Learning
Awesome graph-level learning methods. Collections of commonly used datasets, papers as well as implementations are listed in this github repository. We also invite researchers interested in graph representation learning, graph regression and graph classification to join this project as contribut…
Size: 1.28 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 25 - Forks: 5

LeviBorodenko/dgcnn
Clean & Documented TF2 implementation of "An end-to-end deep learning architecture for graph classification" (M. Zhang et al., 2018).
Language: Python - Size: 225 KB - Last synced at: 9 days ago - Pushed at: about 5 years ago - Stars: 24 - Forks: 3

crisostomi/metric-few-shot-graph
Few-Shot Graph Classification via distance metric learning.
Language: Python - Size: 641 KB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 22 - Forks: 1

LARS-research/PAS
The released code for the paper: Pooling Architecture Search for Graph Classification, in CIKM 2021.
Language: Python - Size: 1.26 MB - Last synced at: 12 months ago - Pushed at: about 3 years ago - Stars: 21 - Forks: 3

benedekrozemberczki/resolutions-2019
A list of data mining and machine learning papers that I implemented in 2019.
Size: 33.2 KB - Last synced at: 12 days ago - Pushed at: over 5 years ago - Stars: 21 - Forks: 10

BorgwardtLab/filtration_curves
Code for the KDD 2021 paper 'Filtration Curves for Graph Representation'
Language: Python - Size: 1.14 MB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 18 - Forks: 9

giannisnik/message_passing_graph_kernels
Language: Python - Size: 544 KB - Last synced at: 27 days ago - Pushed at: about 5 years ago - Stars: 16 - Forks: 9

zetayue/CPA
Source code for our paper "Improving Attention Mechanism in Graph Neural Networks via Cardinality Preservation" (IJCAI 2020)
Language: Python - Size: 45.8 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 5

giannisnik/k-hop-gnns
k-hop Graph Neural Networks
Language: Python - Size: 558 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 13 - Forks: 6

cszhangzhen/MVPool
Hierarchical Multi-View Graph Pooling with Structure Learning(TKDE-2021)
Language: Python - Size: 1.26 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 0

GemsLab/RGM
Fast embedding-based graph classification with connections to kernels
Language: Python - Size: 1.93 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 10 - Forks: 4

FilippoMB/Pyramidal-Reservoir-Graph-Neural-Networks
Official repository of the paper "Pyramidal Reservoir Graph Neural Networks".
Language: Python - Size: 16.6 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 9 - Forks: 0

benedekrozemberczki/NestedSubtreeHash
A distributed implementation of "Nested Subtree Hash Kernels for Large-Scale Graph Classification Over Streams" (ICDM 2012).
Language: Python - Size: 151 KB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 8

xnuohz/ARMA-dgl
A DGL implementation of "Graph Neural Networks with convolutional ARMA filters". (PAMI 2021)
Language: Python - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 9 - Forks: 1

simonschoelly/GraphDatasets.jl
A package for downloading and working with graph datasets
Language: Julia - Size: 102 KB - Last synced at: about 17 hours ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 0

david-leon/HAG-Net
Code for "Enhance Information Propagation for Graph Neural Network by Heterogeneous Aggregations"
Language: Python - Size: 741 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 2

basiralab/HADA
HADA (Hiearachical Adversarial Domain Alignment) for brain graph prediction and classification.
Language: Python - Size: 18.3 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 1

RoyKashob/HIBPool
[IJCNN 2021] Structure-Aware Hierarchical Graph Pooling using Information Bottleneck
Language: Jupyter Notebook - Size: 595 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 7 - Forks: 3

giannisnik/pi-GNN
Permute Me Softly: Learning Soft Permutations for Graph Representations
Language: Python - Size: 460 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 7 - Forks: 1

mohamin1995/graph-classification-g2i
Functional Brain Network Classification Method
Language: Python - Size: 4.45 MB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 7 - Forks: 1

Zehong-Wang/Awesome-Foundation-Models-on-Graphs
A collection of graph foundation models including papers, codes, and datasets.
Size: 3.61 MB - Last synced at: 5 days ago - Pushed at: 9 days ago - Stars: 6 - Forks: 0

zeno129/collective-classification
Python package for Collective Classification
Language: Python - Size: 19.5 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 6 - Forks: 1

lmriccardo/few-shot-graph-classification
Project for Deep Learning And Applied AI course at the University of "La Sapienza" in Master in Computer Science A.A. 2021/2022
Language: Python - Size: 61.7 MB - Last synced at: 22 days ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 0

JiaWu-Repository/graph_datasets Fork of GRAND-Lab/graph_datasets
A Repository of Benchmark Graph Datasets for Graph Classification (31 Graph Datasets In Total).
Size: 40.5 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 31

NGMLGroup/Bayesian-Nonparametric-Graph-Pooling
Implementation of the BNPool layer and code to reproduce the experiments in "Bayesian Nonparametric GNNs for graph pooling and clustering".
Language: Python - Size: 2 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 5 - Forks: 1

vaibhavbhagee/Data-Mining
Data Mining course projects
Language: C++ - Size: 67.8 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 0

basiralab/UMC
Unified multimodal classifier: a unified brain graph classification model trained on unpaired multimodal brain graphs, which can classify any brain graph of any size.
Language: Python - Size: 3.28 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 1

simonvl5/adapted-gspan
Language: Python - Size: 54.7 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 4 - Forks: 2

fork123aniket/End-to-End-Node-and-Graph-Classification-and-Explanation-App
Streamlit App for Node and Graph Classification and Explainability
Language: HTML - Size: 3.24 MB - Last synced at: 15 days ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0

pokarats/CoDER
Knowledge-Aware ICD Coding.
Language: Jupyter Notebook - Size: 3.58 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

simonschoelly/GraphKernels.jl
A Julia package for kernel functions on graphs
Language: Julia - Size: 63.5 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

CompNet/Pang
Pattern Mining for the Classification of Public Procurement Fraud
Language: Python - Size: 239 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

lpasa/TangentGCN
Tangent Graph Neural Network
Language: Python - Size: 45.9 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

codingClaire/GraphPoolingGarden
A repo for baseline of graph pooling.
Language: Python - Size: 80.1 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

basiralab/one-representative-shot-learning
One-representative shot learning for graph classification.
Language: Python - Size: 1.28 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

basiralab/NAGFS
NAG-FS (Network Atlas-Guided Feature Selection) for a fast and accurate graph data classification.
Language: MATLAB - Size: 2.47 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

LeviBorodenko/dortmund2array
Tool to convert datasets from "Benchmark Data Sets for Graph Kernels" (K. Kersting et al., 2016) into a format suitable for deep learning research.
Language: Python - Size: 25.4 KB - Last synced at: 3 days ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

p-haddadian/MAGPool
Multi-hop Attention-based Graph Pooling: A Personalized PageRank Perspective
Language: Python - Size: 10.7 KB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 1 - Forks: 0

Hou-WJ/Graph-Pooling-Operators-and-Bioinformatics-Applications
Papers on Graph Pooling for GNN and their bioinformatics application
Size: 107 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

giyu51/zabbix-graphs-bottleneck-classification
Zabbix Graphs Bottleneck Classification automates bottleneck analysis in network infrastructure using deep learning and the Zabbix monitoring system. It quickly identifies and classifies bottlenecks, enabling proactive network management and optimization.
Language: Jupyter Notebook - Size: 454 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

TAU-MLwell/TREE-G---Decision-Trees-with-Dynamic-Graph-Features
Decision trees for graph data. Implementation of the model from the paper "Decision Trees with Dynamic Graph Features".
Language: Python - Size: 143 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

basiralab/GRN
Graph registration network using representative templates
Language: Python - Size: 124 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

basiralab/NAGFS-PY
NAGFS (Network Atlas-Guided Feature Selection) for a fast and accurate graph data classification code, recoded by Dogu Can ELCI.
Language: Python - Size: 65.4 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 2

Bulbatronik/Exploring-GNN-for-Gaussian-Graphs
Repo containing project files for "Advanced Statistical Learning for Complex Data" course taken during academic year 2023-2024 of PhD in DADS at Politecnico di Milano.
Language: Jupyter Notebook - Size: 21 MB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

CompNet/SWGE
Signed Whole Graph Embeddings
Language: Python - Size: 3.45 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

XiaShan1227/Self-Attention-Graph-Pooling
Self-Attention Graph Pooling
Language: Python - Size: 4.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Emvista/Gnn4DependencyDocumentClassification
Language: Python - Size: 35.2 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

MatiasEtcheve/KM-graph-classification
Project for the MVA course: Machine learning with kernel methods
Language: Python - Size: 1.12 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

ShubhamSongire/Graph-Summary-Generator
The system effectively classifies different types of graphs using a CNN model, and writes short summary about graph in a clear and concise paragraph-like format.
Language: Jupyter Notebook - Size: 184 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

sun-wendy/beltrami-diffusion-graph-classification
Implementation of Beltrami Flow & Neural Diffusion on Graphs (BLEND) by Chamberlain et al. (2021) for graph classification
Language: Python - Size: 9.62 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

lpasa/RecurrentDGNN
Deep Recurrent Graph Neural Network
Language: Python - Size: 11.7 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

morganoneka/CellGraphClassification
Using StellarGraph to classify cell-pair interaction graphs from Giotto
Language: Jupyter Notebook - Size: 1.16 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

zeyuanyin/SUGPool
PyTorch Implementation of SUGPool
Language: Python - Size: 147 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

kite99520/ResNet-for-cifar-10-classification
Language: Python - Size: 9.77 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

JiaWu-Repository/MTG Fork of GRAND-Lab/MTG
Joint Structure Feature Exploration and Regularization for Multi-Task Graph Classification (TKDE 2016)
Size: 9.59 MB - Last synced at: about 2 years ago - Pushed at: over 9 years ago - Stars: 0 - Forks: 4
