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
MANO hand model porting for the GraspIt simulator

Learning Joint Reconstruction of Hands and Manipulated Objects - ManoGrasp Porting the MANO hand model to GraspIt! simulator Yana Hasson, Gül Varol, D

Lucas Wohlhart 10 Feb 08, 2022
Code for ICCV 2021 paper "Distilling Holistic Knowledge with Graph Neural Networks"

HKD Code for ICCV 2021 paper "Distilling Holistic Knowledge with Graph Neural Networks" cifia-100 result The implementation of compared methods are ba

Wang Yucheng 30 Dec 18, 2022
PyTorch implementation for ACL 2021 paper "Maria: A Visual Experience Powered Conversational Agent".

Maria: A Visual Experience Powered Conversational Agent This repository is the Pytorch implementation of our paper "Maria: A Visual Experience Powered

Jokie 22 Dec 12, 2022
Pose estimation for iOS and android using TensorFlow 2.0

💃 Mobile 2D Single Person (Or Your Own Object) Pose Estimation for TensorFlow 2.0 This repository is forked from edvardHua/PoseEstimationForMobile wh

tucan9389 165 Nov 16, 2022
BlockUnexpectedPackets - Preventing BungeeCord CPU overload due to Layer 7 DDoS attacks by scanning BungeeCord's logs

BlockUnexpectedPackets This script automatically blocks DDoS attacks that are sp

SparklyPower 3 Mar 31, 2022
Wider or Deeper: Revisiting the ResNet Model for Visual Recognition

ademxapp Visual applications by the University of Adelaide In designing our Model A, we did not over-optimize its structure for efficiency unless it w

Zifeng Wu 338 Dec 12, 2022
Code for PackNet: Adding Multiple Tasks to a Single Network by Iterative Pruning

PackNet: https://arxiv.org/abs/1711.05769 Pretrained models are available here: https://uofi.box.com/s/zap2p03tnst9dfisad4u0sfupc0y1fxt Datasets in Py

Arun Mallya 216 Jan 05, 2023
Source code for our Paper "Learning in High-Dimensional Feature Spaces Using ANOVA-Based Matrix-Vector Multiplication"

NFFT4ANOVA Source code for our Paper "Learning in High-Dimensional Feature Spaces Using ANOVA-Based Matrix-Vector Multiplication" This package uses th

Theresa Wagner 1 Aug 10, 2022
PyTorch code accompanying the paper "Landmark-Guided Subgoal Generation in Hierarchical Reinforcement Learning" (NeurIPS 2021).

HIGL This is a PyTorch implementation for our paper: Landmark-Guided Subgoal Generation in Hierarchical Reinforcement Learning (NeurIPS 2021). Our cod

Junsu Kim 20 Dec 14, 2022
PyTorch implementation of Memory-based semantic segmentation for off-road unstructured natural environments.

MemSeg: Memory-based semantic segmentation for off-road unstructured natural environments Introduction This repository is a PyTorch implementation of

11 Nov 28, 2022
Fine-tuning StyleGAN2 for Cartoon Face Generation

Cartoon-StyleGAN 🙃 : Fine-tuning StyleGAN2 for Cartoon Face Generation Abstract Recent studies have shown remarkable success in the unsupervised imag

Jihye Back 520 Jan 04, 2023
Domain Generalization for Mammography Detection via Multi-style and Multi-view Contrastive Learning

MSVCL_MICCAI2021 Installation Please follow the instruction in pytorch-CycleGAN-and-pix2pix to install. Example Usage An example of vendor-styles tran

Jaron Lee 11 Oct 19, 2022
YOLOX + ROS(1, 2) object detection package

YOLOX + ROS(1, 2) object detection package

Ar-Ray 158 Dec 21, 2022
Council-GAN - Implementation for our paper Breaking the Cycle - Colleagues are all you need (CVPR 2020)

Council-GAN Implementation of our paper Breaking the Cycle - Colleagues are all you need (CVPR 2020) Paper Ori Nizan , Ayellet Tal, Breaking the Cycle

ori nizan 260 Nov 16, 2022
we propose EfficientDerain for high-efficiency single-image deraining

EfficientDerain we propose EfficientDerain for high-efficiency single-image deraining Requirements python 3.6 pytorch 1.6.0 opencv-python 4.4.0.44 sci

Qing Guo 126 Dec 07, 2022
Offical implementation for "Trash or Treasure? An Interactive Dual-Stream Strategy for Single Image Reflection Separation".

Trash or Treasure? An Interactive Dual-Stream Strategy for Single Image Reflection Separation (NeurIPS 2021) by Qiming Hu, Xiaojie Guo. Dependencies P

Qiming Hu 31 Dec 20, 2022
Learn the Deep Learning for Computer Vision in three steps: theory from base to SotA, code in PyTorch, and space-repetition with Anki

DeepCourse: Deep Learning for Computer Vision arthurdouillard.com/deepcourse/ This is a course I'm giving to the French engineering school EPITA each

Arthur Douillard 113 Nov 29, 2022
A embed able annotation tool for end to end cross document co-reference

CoRefi CoRefi is an emebedable web component and stand alone suite for exaughstive Within Document and Cross Document Coreference Anntoation. For a de

PythicCoder 39 Dec 12, 2022
A general 3D Object Detection codebase in PyTorch.

Det3D is the first 3D Object Detection toolbox which provides off the box implementations of many 3D object detection algorithms such as PointPillars, SECOND, PIXOR, etc, as well as state-of-the-art

Benjin Zhu 1.4k Jan 05, 2023
The Ludii general game system, developed as part of the ERC-funded Digital Ludeme Project.

The Ludii General Game System Ludii is a general game system being developed as part of the ERC-funded Digital Ludeme Project (DLP). This repository h

Digital Ludeme Project 50 Jan 04, 2023