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
Adversarial Reweighting for Partial Domain Adaptation

Adversarial Reweighting for Partial Domain Adaptation Code for paper "Xiang Gu, Xi Yu, Yan Yang, Jian Sun, Zongben Xu, Adversarial Reweighting for Par

12 Dec 01, 2022
(NeurIPS 2021) Realistic Evaluation of Transductive Few-Shot Learning

Realistic evaluation of transductive few-shot learning Introduction This repo contains the code for our NeurIPS 2021 submitted paper "Realistic evalua

Olivier Veilleux 14 Dec 13, 2022
World Models with TensorFlow 2

World Models This repo reproduces the original implementation of World Models. This implementation uses TensorFlow 2.2. Docker The easiest way to hand

Zac Wellmer 234 Nov 30, 2022
Real-time LIDAR-based Urban Road and Sidewalk detection for Autonomous Vehicles 🚗

urban_road_filter: a real-time LIDAR-based urban road and sidewalk detection algorithm for autonomous vehicles Dependency ROS (tested with Kinetic and

JKK - Vehicle Industry Research Center 180 Dec 12, 2022
A bare-bones TensorFlow framework for Bayesian deep learning and Gaussian process approximation

Aboleth A bare-bones TensorFlow framework for Bayesian deep learning and Gaussian process approximation [1] with stochastic gradient variational Bayes

Gradient Institute 127 Dec 12, 2022
EFENet: Reference-based Video Super-Resolution with Enhanced Flow Estimation

EFENet EFENet: Reference-based Video Super-Resolution with Enhanced Flow Estimation Code is a bit messy now. I woud clean up soon. For training the EF

Yaping Zhao 19 Nov 05, 2022
Source code for GNN-LSPE (Graph Neural Networks with Learnable Structural and Positional Representations)

Graph Neural Networks with Learnable Structural and Positional Representations Source code for the paper "Graph Neural Networks with Learnable Structu

Vijay Prakash Dwivedi 180 Dec 22, 2022
Custom implementation of Corrleation Module

Pytorch Correlation module this is a custom C++/Cuda implementation of Correlation module, used e.g. in FlowNetC This tutorial was used as a basis for

Clément Pinard 361 Dec 12, 2022
Compositional and Parameter-Efficient Representations for Large Knowledge Graphs

NodePiece - Compositional and Parameter-Efficient Representations for Large Knowledge Graphs NodePiece is a "tokenizer" for reducing entity vocabulary

Michael Galkin 107 Jan 04, 2023
Pytorch implementation of the paper: "SAPNet: Segmentation-Aware Progressive Network for Perceptual Contrastive Image Deraining"

SAPNet This repository contains the official Pytorch implementation of the paper: "SAPNet: Segmentation-Aware Progressive Network for Perceptual Contr

11 Oct 17, 2022
AI-generated-characters for Learning and Wellbeing

AI-generated-characters for Learning and Wellbeing Click here for the full project page. This repository contains the source code for the paper AI-gen

MIT Media Lab 214 Jan 01, 2023
Predicting the duration of arrival delays for commercial flights.

Flight Delay Prediction Our objective is to predict arrival delays of commercial flights. According to the US Department of Transportation, about 21%

Jordan Silke 1 Jan 11, 2022
Implementation of CoCa, Contrastive Captioners are Image-Text Foundation Models, in Pytorch

CoCa - Pytorch Implementation of CoCa, Contrastive Captioners are Image-Text Foundation Models, in Pytorch. They were able to elegantly fit in contras

Phil Wang 565 Dec 30, 2022
Migration of Edge-based Distributed Federated Learning

FedFly: Towards Migration in Edge-based Distributed Federated Learning About the research Due to mobility, a device participating in Federated Learnin

qub-blesson 11 Nov 13, 2022
Code for ACL2021 long paper: Knowledgeable or Educated Guess? Revisiting Language Models as Knowledge Bases

LANKA This is the source code for paper: Knowledgeable or Educated Guess? Revisiting Language Models as Knowledge Bases (ACL 2021, long paper) Referen

Boxi Cao 30 Oct 24, 2022
The Turing Change Point Detection Benchmark: An Extensive Benchmark Evaluation of Change Point Detection Algorithms on real-world data

Turing Change Point Detection Benchmark Welcome to the repository for the Turing Change Point Detection Benchmark, a benchmark evaluation of change po

The Alan Turing Institute 85 Dec 28, 2022
PyTorch implementation of ''Background Activation Suppression for Weakly Supervised Object Localization''.

Background Activation Suppression for Weakly Supervised Object Localization PyTorch implementation of ''Background Activation Suppression for Weakly S

35 Jan 06, 2023
RINDNet: Edge Detection for Discontinuity in Reflectance, Illumination, Normal and Depth, in ICCV 2021 (oral)

RINDNet RINDNet: Edge Detection for Discontinuity in Reflectance, Illumination, Normal and Depth Mengyang Pu, Yaping Huang, Qingji Guan and Haibin Lin

Mengyang Pu 75 Dec 15, 2022
Convolutional Neural Networks

Darknet Darknet is an open source neural network framework written in C and CUDA. It is fast, easy to install, and supports CPU and GPU computation. D

Joseph Redmon 23.7k Jan 05, 2023
A Protein-RNA Interface Predictor Based on Semantics of Sequences

PRIP PRIP:A Protein-RNA Interface Predictor Based on Semantics of Sequences installation gensim==3.8.3 matplotlib==3.1.3 xgboost==1.3.3 prettytable==2

李优 0 Mar 25, 2022