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
An implementation of the [Hierarchical (Sig-Wasserstein) GAN] algorithm for large dimensional Time Series Generation

Hierarchical GAN for large dimensional financial market data Implementation This repository is an implementation of the [Hierarchical (Sig-Wasserstein

11 Nov 29, 2022
Emotion Recognition from Facial Images

Reconhecimento de Emoções a partir de imagens faciais Este projeto implementa um classificador simples que utiliza técncias de deep learning e transfe

Gabriel 2 Feb 09, 2022
A simple editor for captions in .SRT file extension

WaySRT A simple editor for captions in .SRT file extension The program doesn't use any external dependecies, just run: python way_srt.py {file_name.sr

Gustavo Lopes 3 Nov 16, 2022
Transformer-XL: Attentive Language Models Beyond a Fixed-Length Context Code in both PyTorch and TensorFlow

Transformer-XL: Attentive Language Models Beyond a Fixed-Length Context This repository contains the code in both PyTorch and TensorFlow for our paper

Zhilin Yang 3.3k Jan 06, 2023
Lex Rosetta: Transfer of Predictive Models Across Languages, Jurisdictions, and Legal Domains

Lex Rosetta: Transfer of Predictive Models Across Languages, Jurisdictions, and Legal Domains This is an accompanying repository to the ICAIL 2021 pap

4 Dec 16, 2021
PyTorch version of the paper 'Enhanced Deep Residual Networks for Single Image Super-Resolution' (CVPRW 2017)

About PyTorch 1.2.0 Now the master branch supports PyTorch 1.2.0 by default. Due to the serious version problem (especially torch.utils.data.dataloade

Sanghyun Son 2.1k Jan 01, 2023
Ensemble Visual-Inertial Odometry (EnVIO)

Ensemble Visual-Inertial Odometry (EnVIO) Authors : Jae Hyung Jung, Yeongkwon Choe, and Chan Gook Park 1. Overview This is a ROS package of Ensemble V

Jae Hyung Jung 95 Jan 03, 2023
Language Models Can See: Plugging Visual Controls in Text Generation

Language Models Can See: Plugging Visual Controls in Text Generation Authors: Yixuan Su, Tian Lan, Yahui Liu, Fangyu Liu, Dani Yogatama, Yan Wang, Lin

Yixuan Su 195 Dec 22, 2022
[ICCV' 21] "Unsupervised Point Cloud Pre-training via Occlusion Completion"

OcCo: Unsupervised Point Cloud Pre-training via Occlusion Completion This repository is the official implementation of paper: "Unsupervised Point Clou

Hanchen 204 Dec 24, 2022
A Python module for parallel optimization of expensive black-box functions

blackbox: A Python module for parallel optimization of expensive black-box functions What is this? A minimalistic and easy-to-use Python module that e

Paul Knysh 426 Dec 08, 2022
EMNLP 2021 paper Models and Datasets for Cross-Lingual Summarisation.

This repository contains data and code for our EMNLP 2021 paper Models and Datasets for Cross-Lingual Summarisation. Please contact me at

9 Oct 28, 2022
交互式标注软件,暂定名 iann

iann 交互式标注软件,暂定名iann。 安装 按照官网介绍安装paddle。 安装其他依赖 pip install -r requirements.txt 运行 git clone https://github.com/PaddleCV-SIG/iann/ cd iann python iann

294 Dec 30, 2022
Highly comparative time-series analysis

〰️ hctsa 〰️ : highly comparative time-series analysis hctsa is a software package for running highly comparative time-series analysis using Matlab (fu

Ben Fulcher 569 Dec 21, 2022
Implementation of paper "Decision-based Black-box Attack Against Vision Transformers via Patch-wise Adversarial Removal"

Patch-wise Adversarial Removal Implementation of paper "Decision-based Black-box Attack Against Vision Transformers via Patch-wise Adversarial Removal

4 Oct 12, 2022
A motion detection system with RaspberryPi, OpenCV, Python

Human Detection System using Raspberry Pi Functionality Activates a relay on detecting motion. You may need following components to get the expected R

Omal Perera 55 Dec 04, 2022
The code for Expectation-Maximization Attention Networks for Semantic Segmentation (ICCV'2019 Oral)

EMANet News The bug in loading the pretrained model is now fixed. I have updated the .pth. To use it, download it again. EMANet-101 gets 80.99 on the

Xia Li 李夏 663 Nov 30, 2022
ML model to classify between cats and dogs

Cats-and-dogs-classifier This is my first ML model which can classify between cats and dogs. Here the accuracy is around 75%, however , the accuracy c

Sharath V 4 Aug 20, 2021
Dcf-game-infrastructure-public - Contains all the components necessary to run a DC finals (attack-defense CTF) game from OOO

dcf-game-infrastructure All the components necessary to run a game of the OOO DC

Order of the Overflow 46 Sep 13, 2022
CrossMLP - The repository offers the official implementation of our BMVC 2021 paper (oral) in PyTorch.

CrossMLP Cascaded Cross MLP-Mixer GANs for Cross-View Image Translation Bin Ren1, Hao Tang2, Nicu Sebe1. 1University of Trento, Italy, 2ETH, Switzerla

Bingoren 16 Jul 27, 2022
meProp: Sparsified Back Propagation for Accelerated Deep Learning

meProp The codes were used for the paper meProp: Sparsified Back Propagation for Accelerated Deep Learning with Reduced Overfitting (ICML 2017) [pdf]

LancoPKU 107 Nov 18, 2022