All Projects → SeongokRyu → Graph Neural Networks

SeongokRyu / Graph Neural Networks

Projects that are alternatives of or similar to Graph Neural Networks

Jupyter Dash
Develop Dash apps in the Jupyter Notebook and JupyterLab
Stars: ✭ 453 (-2.37%)
Mutual labels:  jupyter-notebook
Memeproject
Dank Learning codebase, generate a meme from any image using AI. Uses a modified version of the Show and Tell image captioning network
Stars: ✭ 459 (-1.08%)
Mutual labels:  jupyter-notebook
Timeseries seq2seq
This repo aims to be a useful collection of notebooks/code for understanding and implementing seq2seq neural networks for time series forecasting. Networks are constructed with keras/tensorflow.
Stars: ✭ 462 (-0.43%)
Mutual labels:  jupyter-notebook
N2
TOROS N2 - lightweight approximate Nearest Neighbor library which runs fast even with large datasets
Stars: ✭ 457 (-1.51%)
Mutual labels:  jupyter-notebook
Automated Feature Engineering
Automated feature engineering in Python with Featuretools
Stars: ✭ 458 (-1.29%)
Mutual labels:  jupyter-notebook
Artificial Intelligence For Trading
Content for Udacity's AI in Trading NanoDegree.
Stars: ✭ 459 (-1.08%)
Mutual labels:  jupyter-notebook
Spark Nlp Workshop
Public runnable examples of using John Snow Labs' NLP for Apache Spark.
Stars: ✭ 452 (-2.59%)
Mutual labels:  jupyter-notebook
Udacity Deep Learning
Udacity Deep Learning MOOC assignments
Stars: ✭ 463 (-0.22%)
Mutual labels:  jupyter-notebook
Fastquant
fastquant — Backtest and optimize your trading strategies with only 3 lines of code!
Stars: ✭ 457 (-1.51%)
Mutual labels:  jupyter-notebook
Instcolorization
Stars: ✭ 461 (-0.65%)
Mutual labels:  jupyter-notebook
Deep Learning Traffic Lights
Code and files of the deep learning model used to win the Nexar Traffic Light Recognition challenge
Stars: ✭ 457 (-1.51%)
Mutual labels:  jupyter-notebook
Hyperparameter Optimization
Implementation of Bayesian Hyperparameter Optimization of Machine Learning Algorithms
Stars: ✭ 457 (-1.51%)
Mutual labels:  jupyter-notebook
Gantts
PyTorch implementation of GAN-based text-to-speech synthesis and voice conversion (VC)
Stars: ✭ 460 (-0.86%)
Mutual labels:  jupyter-notebook
Covidify
Covidify - corona virus report and dataset generator for python 📈
Stars: ✭ 456 (-1.72%)
Mutual labels:  jupyter-notebook
Neural Turing Machines
Attempt at implementing system described in "Neural Turing Machines." by Graves, Alex, Greg Wayne, and Ivo Danihelka. (http://arxiv.org/abs/1410.5401)
Stars: ✭ 462 (-0.43%)
Mutual labels:  jupyter-notebook
Courses
Quiz & Assignment of Coursera
Stars: ✭ 454 (-2.16%)
Mutual labels:  jupyter-notebook
Pba
Efficient Learning of Augmentation Policy Schedules
Stars: ✭ 461 (-0.65%)
Mutual labels:  jupyter-notebook
Rl Book
Source codes for the book "Reinforcement Learning: Theory and Python Implementation"
Stars: ✭ 464 (+0%)
Mutual labels:  jupyter-notebook
Scene Graph Benchmark.pytorch
A new codebase for popular Scene Graph Generation methods (2020). Visualization & Scene Graph Extraction on custom images/datasets are provided. It's also a PyTorch implementation of paper “Unbiased Scene Graph Generation from Biased Training CVPR 2020”
Stars: ✭ 462 (-0.43%)
Mutual labels:  jupyter-notebook
Generative Adversarial Network Tutorial
Tutorial on creating your own GAN in Tensorflow
Stars: ✭ 461 (-0.65%)
Mutual labels:  jupyter-notebook

Graph-neural-networks

Image source : https://arxiv.org/abs/1705.07664

I've been using graph neural networks (GNN) mainly for molecular applications because molecular structures can be represented in graph structures. GNN is interesting in that it can effectively model relationships or interactions between objects in a system. There are various applications of GNN such as molecular applications, network analysis, and physics modeling.

I will introduce GNN in this repository: from theoretical backgrounds to implementations using TensorFlow. I hope you enjoy GNN from this moment.

References (continually updated) :

Geometric Deep Learning and Surveys on Graph Neural Networks

Graph Convolution Network (GCN)

  • Defferrard, Michaël, Xavier Bresson, and Pierre Vandergheynst. "Convolutional neural networks on graphs with fast localized spectral filtering." Advances in Neural Information Processing Systems. 2016.
  • Kipf, Thomas N., and Max Welling. "Semi-supervised classification with graph convolutional networks." arXiv preprint arXiv:1609.02907 (2016).
  • van den Berg, Rianne, Thomas N. Kipf, and Max Welling. "Graph Convolutional Matrix Completion." stat 1050 (2017): 7.
  • Schlichtkrull, Michael, et al. "Modeling relational data with graph convolutional networks." European Semantic Web Conference. Springer, Cham, 2018.
  • Levie, Ron, et al. "Cayleynets: Graph convolutional neural networks with complex rational spectral filters." arXiv preprint arXiv:1705.07664 (2017).

Attention mechanism in GNN

  • Velickovic, Petar, et al. "Graph attention networks." arXiv preprint arXiv:1710.10903 (2017).
  • GRAM: Graph-based Attention Model for Healthcare Representation Learning
  • Lee, John Boaz, et al. "Attention Models in Graphs: A Survey." arXiv preprint arXiv:1807.07984 (2018).

Message Passing Neural Network (MPNN)

  • Li, Yujia, et al. "Gated graph sequence neural networks." arXiv preprint arXiv:1511.05493 (2015).
  • Gilmer, J., Schoenholz, S. S., Riley, P. F., Vinyals, O., & Dahl, G. E. (2017). Neural message passing for quantum chemistry. arXiv preprint arXiv:1704.01212.

Graph Autoencoder and Graph Generative Models

  • Kipf, Thomas N., and Max Welling. "Variational graph auto-encoders." arXiv preprint arXiv:1611.07308 (2016).
  • Simonovsky, Martin, and Nikos Komodakis. "GraphVAE: Towards Generation of Small Graphs Using Variational Autoencoders." arXiv preprint arXiv:1802.03480 (2018).
  • Liu, Qi, et al. "Constrained Graph Variational Autoencoders for Molecule Design." arXiv preprint arXiv:1805.09076 (2018).
  • Pan, Shirui, et al. "Adversarially Regularized Graph Autoencoder." arXiv preprint arXiv:1802.04407 (2018).
  • Li, Y., Vinyals, O., Dyer, C., Pascanu, R., & Battaglia, P. (2018). Learning deep generative models of graphs. arXiv preprint arXiv:1803.03324.

Applications of GNN

  • Duvenaud, David K., et al. "Convolutional networks on graphs for learning molecular fingerprints." Advances in neural information processing systems. 2015.
  • Kearnes, Steven, et al. "Molecular graph convolutions: moving beyond fingerprints." Journal of computer-aided molecular design 30.8 (2016): 595-608.
  • Schütt, K. T., Arbabzadah, F., Chmiela, S., Müller, K. R., & Tkatchenko, A. (2017). Quantum-chemical insights from deep tensor neural networks. Nature communications, 8, 13890.
  • Wu, Z., Ramsundar, B., Feinberg, E. N., Gomes, J., Geniesse, C., Pappu, A. S., ... & Pande, V. (2018). MoleculeNet: a benchmark for molecular machine learning. Chemical Science, 9(2), 513-530.
  • Shang, C., Liu, Q., Chen, K. S., Sun, J., Lu, J., Yi, J., & Bi, J. (2018). Edge Attention-based Multi-Relational Graph Convolutional Networks. arXiv preprint arXiv:1802.04944.
  • Feinberg, Evan N., et al. "Spatial Graph Convolutions for Drug Discovery." arXiv preprint arXiv:1803.04465 (2018).
  • Jin, Wengong, Regina Barzilay, and Tommi Jaakkola. "Junction Tree Variational Autoencoder for Molecular Graph Generation." arXiv preprint arXiv:1802.04364 (2018).
  • Liu, Qi, et al. "Constrained Graph Variational Autoencoders for Molecule Design." arXiv preprint arXiv:1805.09076 (2018).
  • De Cao, Nicola, and Thomas Kipf. "MolGAN: An implicit generative model for small molecular graphs." arXiv preprint arXiv:1805.11973 (2018).
  • Selvan, Raghavendra, et al. "Extraction of Airways using Graph Neural Networks." arXiv preprint arXiv:1804.04436 (2018).
  • Kipf, Thomas, et al. "Neural relational inference for interacting systems." arXiv preprint arXiv:1802.04687 (2018).
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].