All Projects → Mariewelt → Openchem

Mariewelt / Openchem

Licence: mit
OpenChem: Deep Learning toolkit for Computational Chemistry and Drug Design Research

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Openchem

Skater
Python Library for Model Interpretation/Explanations
Stars: ✭ 973 (+173.31%)
Mutual labels:  deep-neural-networks, predictive-modeling
Pytorch Cortexnet
PyTorch implementation of the CortexNet predictive model
Stars: ✭ 349 (-1.97%)
Mutual labels:  predictive-modeling
Rezero
Official PyTorch Repo for "ReZero is All You Need: Fast Convergence at Large Depth"
Stars: ✭ 317 (-10.96%)
Mutual labels:  deep-neural-networks
Vergeml
Machine Learning Environment - alpha version
Stars: ✭ 338 (-5.06%)
Mutual labels:  deep-neural-networks
Bytenet Tensorflow
ByteNet for character-level language modelling
Stars: ✭ 319 (-10.39%)
Mutual labels:  deep-neural-networks
Caffe
Caffe for Sparse and Low-rank Deep Neural Networks
Stars: ✭ 339 (-4.78%)
Mutual labels:  deep-neural-networks
Pytorch Vdsr
VDSR (CVPR2016) pytorch implementation
Stars: ✭ 313 (-12.08%)
Mutual labels:  deep-neural-networks
Magnet
Deep Learning Projects that Build Themselves
Stars: ✭ 351 (-1.4%)
Mutual labels:  deep-neural-networks
Real Time Gesrec
Real-time Hand Gesture Recognition with PyTorch on EgoGesture, NvGesture, Jester, Kinetics and UCF101
Stars: ✭ 339 (-4.78%)
Mutual labels:  deep-neural-networks
Pose Residual Network
Code for the Pose Residual Network introduced in 'MultiPoseNet: Fast Multi-Person Pose Estimation using Pose Residual Network (ECCV 2018)' paper
Stars: ✭ 337 (-5.34%)
Mutual labels:  deep-neural-networks
Keras Mmoe
A Keras implementation of "Modeling Task Relationships in Multi-task Learning with Multi-gate Mixture-of-Experts" (KDD 2018)
Stars: ✭ 332 (-6.74%)
Mutual labels:  deep-neural-networks
Ai Deadlines
⏰ AI conference deadline countdowns
Stars: ✭ 3,852 (+982.02%)
Mutual labels:  deep-neural-networks
Distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://intellabs.github.io/distiller
Stars: ✭ 3,760 (+956.18%)
Mutual labels:  deep-neural-networks
Manifold mixup
Code for reproducing Manifold Mixup results (ICML 2019)
Stars: ✭ 314 (-11.8%)
Mutual labels:  deep-neural-networks
Curl
CURL: Contrastive Unsupervised Representation Learning for Sample-Efficient Reinforcement Learning
Stars: ✭ 346 (-2.81%)
Mutual labels:  deep-neural-networks
Dancinggaga
AI 尬舞机
Stars: ✭ 315 (-11.52%)
Mutual labels:  deep-neural-networks
Deepcut
A Thai word tokenization library using Deep Neural Network
Stars: ✭ 330 (-7.3%)
Mutual labels:  deep-neural-networks
Tensorflow Open nsfw
Tensorflow Implementation of Yahoo's Open NSFW Model
Stars: ✭ 338 (-5.06%)
Mutual labels:  deep-neural-networks
Predictive Maintenance Using Lstm
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Stars: ✭ 352 (-1.12%)
Mutual labels:  deep-neural-networks
Action Recognition Visual Attention
Action recognition using soft attention based deep recurrent neural networks
Stars: ✭ 350 (-1.69%)
Mutual labels:  deep-neural-networks

OpenChem

OpenChem

OpenChem is a deep learning toolkit for Computational Chemistry with PyTorch backend. The goal of OpenChem is to make Deep Learning models an easy-to-use tool for Computational Chemistry and Drug Design Researchers.

Main features

  • Modular design with unified API, modules can be easily combined with each other.
  • OpenChem is easy-to-use: new models are built with only configuration file.
  • Fast training with multi-gpu support.
  • Utilities for data preprocessing.
  • Tensorboard support.

Documentation

Check out OpenChem documentation here.

Supported functionality

Tasks:

  • Classification (binary or multi-class)
  • Regression
  • Multi-task (such as N binary classification tasks)
  • Generative models

Data types

  • Sequences of characters such as SMILES strings or amino-acid sequences
  • Molecular graphs. OpenChem takes care of converting SMILES strings into molecular graphs

Modules:

  • Token embeddings
  • Recurrent neural network encoders
  • Graph convolution neural network encoders
  • Multi-layer perceptrons

We are working on populating OpenChem with more models and other building blocks.

Installation

Requirements

In order to get started you need:

General installation

If you installed your Python with Anaconda you can run the following commands to get started:

git clone https://github.com/Mariewelt/OpenChem.git
cd OpenChem
conda create --name OpenChem python=3.7
conda activate OpenChem
conda install --yes --file requirements.txt
conda install -c rdkit rdkit nox cairo
conda install pytorch torchvision -c pytorch
pip install -e .

If your CUDA version is older than 9.0, check Pytorch website for different installation instructions.

Installation with Docker

Alternative way of installation is with Docker. We provide a Dockerfile, so you can run your models in a container that already has all the necessary packages installed. You will also need nvidia-docker in order to run models on GPU.

Publications

If you use OpenChem in your projects, please cite:

Korshunova, Maria, et al. "OpenChem: A Deep Learning Toolkit for Computational Chemistry and Drug Design." Journal of Chemical Information and Modeling 61.1 (2021): 7-13.

MolecularRNN model paper:

Popova, Mariya, et al. "MolecularRNN: Generating realistic molecular graphs with optimized properties." arXiv preprint arXiv:1905.13372 (2019).

Acknowledgements

OpenChem was supported by Carnegie Mellon University, the University of North Carolina at Chapel Hill and NVIDIA Corp.

CMU
UNC NVIDIA

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