All Projects â†’ mims-harvard â†’ Decagon

mims-harvard / Decagon

Licence: mit
Graph convolutional neural network for multirelational link prediction

Projects that are alternatives of or similar to Decagon

Sigver wiwd
Learned representation for Offline Handwritten Signature Verification. Models and code to extract features from signature images.
Stars: ✭ 112 (-58.21%)
Mutual labels:  jupyter-notebook, representation-learning
Food2vec
🍔
Stars: ✭ 199 (-25.75%)
Mutual labels:  jupyter-notebook, embeddings
Cofactor
CoFactor: Regularizing Matrix Factorization with Item Co-occurrence
Stars: ✭ 160 (-40.3%)
Mutual labels:  jupyter-notebook, embeddings
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+414.18%)
Mutual labels:  jupyter-notebook, representation-learning
image embeddings
Using efficientnet to provide embeddings for retrieval
Stars: ✭ 107 (-60.07%)
Mutual labels:  embeddings, representation-learning
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (-60.07%)
Mutual labels:  jupyter-notebook, embeddings
Research2vec
Representing research papers as vectors / latent representations.
Stars: ✭ 192 (-28.36%)
Mutual labels:  jupyter-notebook, embeddings
Modelsgenesis
Official Keras & PyTorch Implementation and Pre-trained Models for Models Genesis - MICCAI 2019
Stars: ✭ 416 (+55.22%)
Mutual labels:  jupyter-notebook, representation-learning
Link Prediction
Representation learning for link prediction within social networks
Stars: ✭ 245 (-8.58%)
Mutual labels:  jupyter-notebook, representation-learning
Paddlehelix
Bio-Computing Platform featuring Large-Scale Representation Learning and Multi-Task Deep Learning “čžēæ—‹æĄ¨â€į”Ÿį‰ŠčŽĄįŽ—åˇĨå…ˇé›†
Stars: ✭ 213 (-20.52%)
Mutual labels:  jupyter-notebook, representation-learning
Deeplearning Nlp Models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
Stars: ✭ 64 (-76.12%)
Mutual labels:  jupyter-notebook, embeddings
graphml-tutorials
Tutorials for Machine Learning on Graphs
Stars: ✭ 125 (-53.36%)
Mutual labels:  embeddings, representation-learning
Simclr
PyTorch implementation of SimCLR: A Simple Framework for Contrastive Learning of Visual Representations
Stars: ✭ 750 (+179.85%)
Mutual labels:  jupyter-notebook, representation-learning
Awesome Embedding Models
A curated list of awesome embedding models tutorials, projects and communities.
Stars: ✭ 1,486 (+454.48%)
Mutual labels:  jupyter-notebook, embeddings
Vl Bert
Code for ICLR 2020 paper "VL-BERT: Pre-training of Generic Visual-Linguistic Representations".
Stars: ✭ 493 (+83.96%)
Mutual labels:  jupyter-notebook, representation-learning
Simclr
SimCLRv2 - Big Self-Supervised Models are Strong Semi-Supervised Learners
Stars: ✭ 2,720 (+914.93%)
Mutual labels:  jupyter-notebook, representation-learning
Graph 2d cnn
Code and data for the paper 'Classifying Graphs as Images with Convolutional Neural Networks' (new title: 'Graph Classification with 2D Convolutional Neural Networks')
Stars: ✭ 67 (-75%)
Mutual labels:  embeddings, representation-learning
Jodie
A PyTorch implementation of ACM SIGKDD 2019 paper "Predicting Dynamic Embedding Trajectory in Temporal Interaction Networks"
Stars: ✭ 172 (-35.82%)
Mutual labels:  embeddings, representation-learning
Pytorch Byol
PyTorch implementation of Bootstrap Your Own Latent: A New Approach to Self-Supervised Learning
Stars: ✭ 213 (-20.52%)
Mutual labels:  jupyter-notebook, representation-learning
TCE
This repository contains the code implementation used in the paper Temporally Coherent Embeddings for Self-Supervised Video Representation Learning (TCE).
Stars: ✭ 51 (-80.97%)
Mutual labels:  embeddings, representation-learning

Decagon: Representation Learning on Multimodal Graphs

Author: Marinka Zitnik ([email protected])

Project website

Overview

This repository contains code necessary to run the Decagon algorithm. Decagon is a method for learning node embeddings in multimodal graphs, and is especially useful for link prediction in highly multi-relational settings. See our paper for details on the algorithm.

Usage: Polypharmacy

Decagon is used to address a burning question in pharmacology, which is that of predicting safety of drug combinations.

We construct a multimodal graph of protein-protein interactions, drug-protein target interactions, and polypharmacy side effects, which are represented as drug-drug interactions, where each side effect is an edge of a different type.

Decagon uses graph convolutions to embed the multimodal graph in a compact vector space and then uses the learned embeddings to predict side effects of drug combinations.

Running the code

The setup for the polypharmacy problem on a synthetic dataset is outlined in main.py. It uses a small synthetic network example with five edge types. Run the code as following:

$ python main.py

The full polypharmacy dataset (described in the paper) is available on the project website. To run the code on the full dataset first download all data files from the project website. The polypharmacy dataset is already preprocessed and ready to use. After cloning the project, replace the synthetic example in main.py with the polypharmacy dataset and run the model.

Citing

If you find Decagon useful for your research, please consider citing this paper:

@article{Zitnik2018,
  title     = {Modeling polypharmacy side effects with graph convolutional networks.},
  author    = {Zitnik, Marinka and Agrawal, Monica and Leskovec, Jure},
  journal   = {Bioinformatics},
  volume    = {34},
  number    = {13},
  pages     = {457–466},
  year      = {2018}
}

Miscellaneous

Please send any questions you might have about the code and/or the algorithm to [email protected].

This code implements several different edge decoders (innerproduct, distmult, bilinear, dedicom) and loss functions (hinge loss, cross entropy). Many deep variants are possible and what works best might depend on a concrete use case.

Requirements

Decagon is tested to work under Python 2 and Python 3.

Recent versions of Tensorflow, sklearn, networkx, numpy, and scipy are required. All the required packages can be installed using the following command:

$ pip install -r requirements.txt

License

Decagon is licensed under the MIT License.

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].