Awesome Graph Classification - A collection of important graph embedding, classification and representation learning papers with implementations.

Overview

Awesome Graph Classification

Awesome PRs Welcome License repo sizebenedekrozemberczki

A collection of graph classification methods, covering embedding, deep learning, graph kernel and factorization papers with reference implementations.

Relevant graph classification benchmark datasets are available [here].

Similar collections about community detection, classification/regression tree, fraud detection, Monte Carlo tree search, and gradient boosting papers with implementations.


Contents

  1. Matrix Factorization
  2. Spectral and Statistical Fingerprints
  3. Deep Learning
  4. Graph Kernels

License

Comments
  • Graph classification method from ICDM '19

    Graph classification method from ICDM '19

    Hi, thanks for maintaining such a comprehensive list of methods for graph-level machine learning. I am an author of the ICDM 2019 paper "Distribution of Node Embeddings as Multiresolution Features for Graphs" and was wondering if it could be included on this list?
    Overview: Derives a randomized feature map for a graph based on the distribution of its node embeddings in vector space. As the proposed technique is an explicit feature map, it probably fits in the section on "spectral and statistical fingerprints", but its theoretical underpinnings come from the graph kernel literature and so it might fit in that section instead. Won best student paper at ICDM 2019.
    Paper: [https://ieeexplore.ieee.org/document/8970922] Code: [https://github.com/GemsLab/RGM]

    opened by markheimann 3
  • Another graph paper

    Another graph paper

    You can also add to the list "Mapping Images to Scene Graphs with Permutation-Invariant Structured Prediction" from NeurIPS18.

    It's a novel graph architecture for mapping images to scene graphs using a permutation invariant property, which achieves a new state-of-the-art results on Visual Genome dataset.

    paper: https://arxiv.org/abs/1802.05451 code: https://github.com/shikorab/SceneGraph

    opened by roeiherz 3
  • Please add KDD 2019 paper, data, code

    Please add KDD 2019 paper, data, code

    Hi!

    Thank you for this awesome repository!

    Could you please add the following paper, code, and data link to the repository: Paper: Predicting Dynamic Embedding Trajectory in Temporal Interaction Networks Authors: Srijan Kumar, Xikun Zhang, Jure Leskovec Venue: ACM SIGKDD 2019 (Proceedings of the 25th ACM SIGKDD international conference on Knowledge discovery and data mining) Project page: http://snap.stanford.edu/jodie/ Code: https://github.com/srijankr/jodie/ All datasets: http://snap.stanford.edu/jodie/

    Many thanks, Srijan

    opened by srijankr 3
  • Graph classification based on topological features

    Graph classification based on topological features

    Hi there,

    please add our paper “A Persistent Weisfeiler–Lehman Procedure for Graph Classification” as well to this repository:

    Paper: http://proceedings.mlr.press/v97/rieck19a/rieck19a.pdf Code: https://github.com/BorgwardtLab/P-WL

    Best, Bastian

    opened by Pseudomanifold 2
  • Updates of the library py-graph

    Updates of the library py-graph

    Hi, I am the author of the library py-graph. Thanks a lot for including our library! Just to inform you that we updated our library and now there are implementations for 8 graph kernels. We also upload our library to PyPI. Thanks!

    opened by jajupmochi 2
  • Missing SAGPool

    Missing SAGPool

    Attention-based pooling operator without having to learn n^2 cluster-assignment matrix as in DiffPool. paper: https://arxiv.org/abs/1904.08082 code: https://github.com/inyeoplee77/SAGPool

    opened by choltz95 2
  • Add a paper regarding to semi-supervised heterogenous graph embedding

    Add a paper regarding to semi-supervised heterogenous graph embedding

    hi, i'm trying to add our paper on semi-supervised heterogenous graph embedding to your awesome repository. it was cited 60+ times. hope you accept the pull request. thanks!

    opened by chentingpc 2
  • KDD2020 Paper

    KDD2020 Paper

    Hi,

    in our KDD2020 work we solve a graph classification problem with nice results!

    Paper: https://dl.acm.org/doi/10.1145/3394486.3403383 Code: https://github.com/tlancian/contrast-subgraph

    Would you add it to the repo?

    Thank you, Tommaso

    opened by tlancian 1
  • some other graph level classification papers

    some other graph level classification papers

    Hi, those are some other graph level classification papers for your information Graph Kernel: "A Graph Kernel Based on the Jensen-Shannon Representation Alignment" IJCAI 2015 Lu Bai, Zhihong Zhang, Chaoyan Wang, Xiao Bai, Edwin R. Hancock paper: http://ijcai.org/Proceedings/15/Papers/468.pdf code: https://github.com/baiuoy/Matlab-code-JS-alignment-kernel-IJCAI-2015

    “An Aligned Subtree Kernel for Weighted Graphs” ICML 2015 Lu Bai, Luca Rossi, Zhihong Zhang, Edwin R. Hancock paper: http://proceedings.mlr.press/v37/bai15.pdf code will be released soon

    Deep Learning: "Learning Aligned-Spatial Graph Convolutional Networks for Graph Classification" ECML-PKDD 2019 Lu Bai, Yuhang Jiao, Lixin Cui, Edwin R. Hancock paper: https://arxiv.org/abs/1904.04238 code: https://github.com/baiuoy/ASGCN_ECML-PKDD2019 (will be released soon)

    opened by David-AJ 1
  • Add Ego-CNN (ICML'19) and fix 1 typo

    Add Ego-CNN (ICML'19) and fix 1 typo

    Hi, thanks for this awesome repo on graph classification. Please help review the PR. I'd like to add our paper and help clarify 1 workshop paper.

    Thanks, Ruochun

    opened by rctzeng 1
  • A Simple Yet Effective Baseline for Non-Attribute Graph Classification

    A Simple Yet Effective Baseline for Non-Attribute Graph Classification

    Hi,

    Thank you for your paper list. I am the author of the paper A Simple Yet Effective Baseline for Non-Attribute Graph Classification. It has been accepted by ICLR 2019 graph representation learning workshop (https://rlgm.github.io/). Would you like to update the record? Thanks!

    Best, Chen

    opened by Chen-Cai-OSU 1
Releases(v_00001)
Owner
Benedek Rozemberczki
Machine Learning Engineer at AstraZeneca | PhD from The University of Edinburgh.
Benedek Rozemberczki
Accelerate Neural Net Training by Progressively Freezing Layers

FreezeOut A simple technique to accelerate neural net training by progressively freezing layers. This repository contains code for the extended abstra

Andy Brock 203 Jun 19, 2022
Python library for loading and using triangular meshes.

Trimesh is a pure Python (2.7-3.4+) library for loading and using triangular meshes with an emphasis on watertight surfaces. The goal of the library i

Michael Dawson-Haggerty 2.2k Jan 07, 2023
[MedIA2021]MIDeepSeg: Minimally Interactive Segmentation of Unseen Objects from Medical Images Using Deep Learning

MIDeepSeg: Minimally Interactive Segmentation of Unseen Objects from Medical Images Using Deep Learning [MedIA or Arxiv] and [Demo] This repository pr

Healthcare Intelligence Laboratory 92 Dec 08, 2022
Pytorch Implementation of PointNet and PointNet++++

Pytorch Implementation of PointNet and PointNet++ This repo is implementation for PointNet and PointNet++ in pytorch. Update 2021/03/27: (1) Release p

Luigi Ariano 1 Nov 11, 2021
Learning Compatible Embeddings, ICCV 2021

LCE Learning Compatible Embeddings, ICCV 2021 by Qiang Meng, Chixiang Zhang, Xiaoqiang Xu and Feng Zhou Paper: Arxiv We cannot release source codes pu

Qiang Meng 25 Dec 17, 2022
Contrastive Learning of Structured World Models

Contrastive Learning of Structured World Models This repository contains the official PyTorch implementation of: Contrastive Learning of Structured Wo

Thomas Kipf 371 Jan 06, 2023
CSPML (crystal structure prediction with machine learning-based element substitution)

CSPML (crystal structure prediction with machine learning-based element substitution) CSPML is a unique methodology for the crystal structure predicti

8 Dec 20, 2022
AdamW optimizer and cosine learning rate annealing with restarts

AdamW optimizer and cosine learning rate annealing with restarts This repository contains an implementation of AdamW optimization algorithm and cosine

Maksym Pyrozhok 133 Dec 20, 2022
Datasets, tools, and benchmarks for representation learning of code.

The CodeSearchNet challenge has been concluded We would like to thank all participants for their submissions and we hope that this challenge provided

GitHub 1.8k Dec 25, 2022
An elaborate and exhaustive paper list for Named Entity Recognition (NER)

Named-Entity-Recognition-NER-Papers by Pengfei Liu, Jinlan Fu and other contributors. An elaborate and exhaustive paper list for Named Entity Recognit

Pengfei Liu 388 Dec 18, 2022
This repository contains the re-implementation of our paper deSpeckNet: Generalizing Deep Learning Based SAR Image Despeckling

deSpeckNet-TF-GEE This repository contains the re-implementation of our paper deSpeckNet: Generalizing Deep Learning Based SAR Image Despeckling publi

Adugna Mullissa 16 Sep 07, 2022
This repository implements and evaluates convolutional networks on the Möbius strip as toy model instantiations of Coordinate Independent Convolutional Networks.

Orientation independent Möbius CNNs This repository implements and evaluates convolutional networks on the Möbius strip as toy model instantiations of

Maurice Weiler 59 Dec 09, 2022
A GOOD REPRESENTATION DETECTS NOISY LABELS

A GOOD REPRESENTATION DETECTS NOISY LABELS This code is a PyTorch implementation of the paper: Prerequisites Python 3.6.9 PyTorch 1.7.1 Torchvision 0.

<a href=[email protected]"> 64 Jan 04, 2023
Tutorial materials for Part of NSU Intro to Deep Learning with PyTorch.

Intro to Deep Learning Materials are part of North South University (NSU) Intro to Deep Learning with PyTorch workshop series. (Slides) Related materi

Hasib Zunair 9 Jun 08, 2022
Fairness Metrics: All you need to know

Fairness Metrics: All you need to know Testing machine learning software for ethical bias has become a pressing current concern. Recent research has p

Anonymous2020 1 Jan 17, 2022
Code, pre-trained models and saliency results for the paper "Boosting RGB-D Saliency Detection by Leveraging Unlabeled RGB Images".

Boosting RGB-D Saliency Detection by Leveraging Unlabeled RGB This repository is the official implementation of the paper. Our results comming soon in

Xiaoqiang Wang 8 May 22, 2022
You can draw the corresponding bounding box into the image and save it according to the result file (txt format) run by the tracker.

You can draw the corresponding bounding box into the image and save it according to the result file (txt format) run by the tracker.

Huiyiqianli 42 Dec 06, 2022
Instance-wise Feature Importance in Time (FIT)

Instance-wise Feature Importance in Time (FIT) FIT is a framework for explaining time series perdiction models, by assigning feature importance to eve

Sana 46 Dec 25, 2022
MXNet implementation for: Drop an Octave: Reducing Spatial Redundancy in Convolutional Neural Networks with Octave Convolution

Octave Convolution MXNet implementation for: Drop an Octave: Reducing Spatial Redundancy in Convolutional Neural Networks with Octave Convolution Imag

Meta Research 549 Dec 28, 2022
Implementation of UNet on the Joey ML framework

Independent Research Project - Code Joey can be cloned from here https://github.com/devitocodes/joey/. Devito and other dependencies such as PyTorch a

Navjot Kukreja 1 Oct 21, 2021