Setup and customize deep learning environment in seconds.

Overview

deepo

workflows docker build license

Deepo is a series of Docker images that

and their Dockerfile generator that

  • allows you to customize your own environment with Lego-like modules
    • define your environment in a single command line,
    • then deepo will generate Dockerfiles with best practices
    • and do all the configuration for you
  • automatically resolves the dependencies for you
    • deepo knows which combos (CUDA/cuDNN/Python/PyTorch/Tensorflow, ..., tons of dependancies) are compatible
    • and will pick the right versions for you

Table of contents


Quick Start

GPU Version

Installation

Step 1. Install Docker and nvidia-docker.

Step 2. Obtain the all-in-one image from Docker Hub

docker pull ufoym/deepo

For users in China who may suffer from slow speeds when pulling the image from the public Docker registry, you can pull deepo images from the China registry mirror by specifying the full path, including the registry, in your docker pull command, for example:

docker pull registry.docker-cn.com/ufoym/deepo

Usage

Now you can try this command:

docker run --gpus all --rm ufoym/deepo nvidia-smi

This should work and enables Deepo to use the GPU from inside a docker container. If this does not work, search the issues section on the nvidia-docker GitHub -- many solutions are already documented. To get an interactive shell to a container that will not be automatically deleted after you exit do

docker run --gpus all -it ufoym/deepo bash

If you want to share your data and configurations between the host (your machine or VM) and the container in which you are using Deepo, use the -v option, e.g.

docker run --gpus all -it -v /host/data:/data -v /host/config:/config ufoym/deepo bash

This will make /host/data from the host visible as /data in the container, and /host/config as /config. Such isolation reduces the chances of your containerized experiments overwriting or using wrong data.

Please note that some frameworks (e.g. PyTorch) use shared memory to share data between processes, so if multiprocessing is used the default shared memory segment size that container runs with is not enough, and you should increase shared memory size either with --ipc=host or --shm-size command line options to docker run.

docker run --gpus all -it --ipc=host ufoym/deepo bash

CPU Version

Installation

Step 1. Install Docker.

Step 2. Obtain the all-in-one image from Docker Hub

docker pull ufoym/deepo:cpu

Usage

Now you can try this command:

docker run -it ufoym/deepo:cpu bash

If you want to share your data and configurations between the host (your machine or VM) and the container in which you are using Deepo, use the -v option, e.g.

docker run -it -v /host/data:/data -v /host/config:/config ufoym/deepo:cpu bash

This will make /host/data from the host visible as /data in the container, and /host/config as /config. Such isolation reduces the chances of your containerized experiments overwriting or using wrong data.

Please note that some frameworks (e.g. PyTorch) use shared memory to share data between processes, so if multiprocessing is used the default shared memory segment size that container runs with is not enough, and you should increase shared memory size either with --ipc=host or --shm-size command line options to docker run.

docker run -it --ipc=host ufoym/deepo:cpu bash

You are now ready to begin your journey.

$ python

>>> import tensorflow
>>> import sonnet
>>> import torch
>>> import keras
>>> import mxnet
>>> import cntk
>>> import chainer
>>> import theano
>>> import lasagne
>>> import caffe
>>> import paddle

$ caffe --version

caffe version 1.0.0

$ darknet

usage: darknet <function>

Customization

Note that docker pull ufoym/deepo mentioned in Quick Start will give you a standard image containing all available deep learning frameworks. You can customize your own environment as well.

Unhappy with all-in-one solution?

If you prefer a specific framework rather than an all-in-one image, just append a tag with the name of the framework. Take tensorflow for example:

docker pull ufoym/deepo:tensorflow

Jupyter support

Step 1. pull the all-in-one image

docker pull ufoym/deepo

Step 2. run the image

docker run --gpus all -it -p 8888:8888 -v /home/u:/root --ipc=host ufoym/deepo jupyter lab --no-browser --ip=0.0.0.0 --allow-root --LabApp.allow_origin='*' --LabApp.root_dir='/root'

Build your own customized image with Lego-like modules

Step 1. prepare generator

git clone https://github.com/ufoym/deepo.git
cd deepo/generator

Step 2. generate your customized Dockerfile

For example, if you like pytorch and lasagne, then

python generate.py Dockerfile pytorch lasagne

or with CUDA 11.1 and CUDNN 8

python generate.py Dockerfile pytorch lasagne --cuda-ver 11.1 --cudnn-ver 8

This should generate a Dockerfile that contains everything for building pytorch and lasagne. Note that the generator can handle automatic dependency processing and topologically sort the lists. So you don't need to worry about missing dependencies and the list order.

You can also specify the version of Python:

python generate.py Dockerfile pytorch lasagne python==3.6

Step 3. build your Dockerfile

docker build -t my/deepo .

This may take several minutes as it compiles a few libraries from scratch.

Comparison to alternatives

. modern-deep-learning dl-docker jupyter-deeplearning Deepo
ubuntu 16.04 14.04 14.04 18.04
cuda X 8.0 6.5-8.0 8.0-10.2/None
cudnn X v5 v2-5 v7
onnx X X X O
theano X O O O
tensorflow O O O O
sonnet X X X O
pytorch X X X O
keras O O O O
lasagne X O O O
mxnet X X X O
cntk X X X O
chainer X X X O
caffe O O O O
caffe2 X X X O
torch X O O O
darknet X X X O
paddlepaddle X X X O

Tags

Available Tags

. CUDA 11.3 / Python 3.6 CPU-only / Python 3.6
all-in-one latest all all-py36 py36-cu113 all-py36-cu113 all-py36-cpu all-cpu py36-cpu cpu
Theano theano-py36-cu113 theano-py36 theano theano-py36-cpu theano-cpu
TensorFlow tensorflow-py36-cu113 tensorflow-py36 tensorflow tensorflow-py36-cpu tensorflow-cpu
Sonnet sonnet-py36-cu113 sonnet-py36 sonnet sonnet-py36-cpu sonnet-cpu
PyTorch / Caffe2 pytorch-py36-cu113 pytorch-py36 pytorch pytorch-py36-cpu pytorch-cpu
Keras keras-py36-cu113 keras-py36 keras keras-py36-cpu keras-cpu
Lasagne lasagne-py36-cu113 lasagne-py36 lasagne lasagne-py36-cpu lasagne-cpu
MXNet mxnet-py36-cu113 mxnet-py36 mxnet mxnet-py36-cpu mxnet-cpu
CNTK cntk-py36-cu113 cntk-py36 cntk cntk-py36-cpu cntk-cpu
Chainer chainer-py36-cu113 chainer-py36 chainer chainer-py36-cpu chainer-cpu
Caffe caffe-py36-cu113 caffe-py36 caffe caffe-py36-cpu caffe-cpu
Torch torch-cu113 torch torch-cpu
Darknet darknet-cu113 darknet darknet-cpu
paddlepaddle paddle-cu113 paddle paddle-cpu

Deprecated Tags

. CUDA 11.1 / Python 3.6 CUDA 10.1 / Python 3.6 CUDA 10.0 / Python 3.6 CUDA 9.0 / Python 3.6 CUDA 9.0 / Python 2.7 CPU-only / Python 3.6 CPU-only / Python 2.7
all-in-one py36-cu111 all-py36-cu111 py36-cu101 all-py36-cu101 py36-cu100 all-py36-cu100 py36-cu90 all-py36-cu90 all-py27-cu90 all-py27 py27-cu90 all-py27-cpu py27-cpu
all-in-one with jupyter all-jupyter-py36-cu90 all-py27-jupyter py27-jupyter all-py27-jupyter-cpu py27-jupyter-cpu
Theano theano-py36-cu111 theano-py36-cu101 theano-py36-cu100 theano-py36-cu90 theano-py27-cu90 theano-py27 theano-py27-cpu
TensorFlow tensorflow-py36-cu111 tensorflow-py36-cu101 tensorflow-py36-cu100 tensorflow-py36-cu90 tensorflow-py27-cu90 tensorflow-py27 tensorflow-py27-cpu
Sonnet sonnet-py36-cu111 sonnet-py36-cu101 sonnet-py36-cu100 sonnet-py36-cu90 sonnet-py27-cu90 sonnet-py27 sonnet-py27-cpu
PyTorch pytorch-py36-cu111 pytorch-py36-cu101 pytorch-py36-cu100 pytorch-py36-cu90 pytorch-py27-cu90 pytorch-py27 pytorch-py27-cpu
Keras keras-py36-cu111 keras-py36-cu101 keras-py36-cu100 keras-py36-cu90 keras-py27-cu90 keras-py27 keras-py27-cpu
Lasagne lasagne-py36-cu111 lasagne-py36-cu101 lasagne-py36-cu100 lasagne-py36-cu90 lasagne-py27-cu90 lasagne-py27 lasagne-py27-cpu
MXNet mxnet-py36-cu111 mxnet-py36-cu101 mxnet-py36-cu100 mxnet-py36-cu90 mxnet-py27-cu90 mxnet-py27 mxnet-py27-cpu
CNTK cntk-py36-cu111 cntk-py36-cu101 cntk-py36-cu100 cntk-py36-cu90 cntk-py27-cu90 cntk-py27 cntk-py27-cpu
Chainer chainer-py36-cu111 chainer-py36-cu101 chainer-py36-cu100 chainer-py36-cu90 chainer-py27-cu90 chainer-py27 chainer-py27-cpu
Caffe caffe-py36-cu111 caffe-py36-cu101 caffe-py36-cu100 caffe-py36-cu90 caffe-py27-cu90 caffe-py27 caffe-py27-cpu
Caffe2 caffe2-py36-cu90 caffe2-py36 caffe2 caffe2-py27-cu90 caffe2-py27 caffe2-py36-cpu caffe2-cpu caffe2-py27-cpu
Torch torch-cu111 torch-cu101 torch-cu100 torch-cu90 torch-cu90 torch torch-cpu
Darknet darknet-cu111 darknet-cu101 darknet-cu100 darknet-cu90 darknet-cu90 darknet darknet-cpu

Citation

@misc{ming2017deepo,
    author = {Ming Yang},
    title = {Deepo: set up deep learning environment in a single command line.},
    year = {2017},
    publisher = {GitHub},
    journal = {GitHub repository},
    howpublished = {\url{https://github.com/ufoym/deepo}}
}

Contributing

We appreciate all contributions. If you are planning to contribute back bug-fixes, please do so without any further discussion. If you plan to contribute new features, utility functions or extensions, please first open an issue and discuss the feature with us.

Licensing

Deepo is MIT licensed.

Comments
  • why there is a program named ethminer in the container created with the images?

    why there is a program named ethminer in the container created with the images?

    I used two of the versions of these images, and then created containers. But, once I don't use my GPUs, then a program appeared and uses automatically GPUs.

    opened by xml94 8
  • tensorflow 2.5.0 CUDA compatibility

    tensorflow 2.5.0 CUDA compatibility

    The latest versions use tensorflow==2.5.0, CUDA==10.2, cudnn7.

    Apparently, tensorflow==2.5.0 seems to be not compatible with CUDA==10.2.

    full log:

    2021-06-22 06:10:01.725884: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcusparse.so.11'; dlerror: libcusparse.so.11: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/nvidia/lib:/usr/local/nvidia/lib64
    2021-06-22 06:10:01.725969: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcudnn.so.8'; dlerror: libcudnn.so.8: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/nvidia/lib:/usr/local/nvidia/lib64
    2021-06-22 06:10:01.725984: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1766] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform.
    Skipping registering GPU devices...
    2021-06-22 06:10:01.864938: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1258] Device interconnect StreamExecutor with strength 1 edge matrix:
    2021-06-22 06:10:01.864983: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1264]      0 
    2021-06-22 06:10:01.864993: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1277] 0:   N 
    2021-06-22 06:10:02.428699: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1733] Found device 0 with properties: 
    pciBusID: 0000:3e:00.0 name: Tesla V100-SXM2-32GB computeCapability: 7.0
    coreClock: 1.53GHz coreCount: 80 deviceMemorySize: 31.75GiB deviceMemoryBandwidth: 836.37GiB/s
    2021-06-22 06:10:02.428764: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1766] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform.
    Skipping registering GPU devices...
    2021-06-22 06:10:02.429027: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1258] Device interconnect StreamExecutor with strength 1 edge matrix:
    2021-06-22 06:10:02.429043: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1264]
    

    GPU test:

    import tensorflow as tf
    print(tf.__version__)
    print(tf.test.is_gpu_available())
    
    >>> 2.5.0
    >>> False
    

    A simple workaround was downgrading to tensorflow-gpu==2.3.0, which was still OK in my project.

    opened by syncdoth 6
  • deepo:py27 caffe

    deepo:py27 caffe

    when using python2.7 version deepo, I import caffe, and there is not Net and version module, is there any problem about this version? Looking forward for your reply. @ufoym

    opened by mengzhibin 6
  • PyTorch compiled with cuda and cudnn, so we don't need to build docker based on nvidia/cuda:10.0-cudnn7-devel-ubuntu18.04.

    PyTorch compiled with cuda and cudnn, so we don't need to build docker based on nvidia/cuda:10.0-cudnn7-devel-ubuntu18.04.

    PyTorch compiled with cuda and cudnn, so we don't need to build docker based on nvidia/cuda:10.0-cudnn7-devel-ubuntu18.04.

    cuda:10.0-base-ubuntu18.04 is only 115MB,but cuda:10.0-cudnn7-devel-ubuntu18.04 is 3.05GB.

    stale 
    opened by ypw-rich 5
  • Build for cuda 10 / RTX 20xx

    Build for cuda 10 / RTX 20xx

    Hey! I'm looking into what it would take to build deepo for cuda 10. I'm creating this issue as a somewhat of a placeholder, I'll put more details in the comments as I work through it. Is anyone already working on this?

    Context: I'm one of the founders of vast.ai, a service that allows renting others' gpus, and we use docker; Deepo is one of our main suggested images. We have some folks with 2080 machines, but we're blocked on having image support for cuda 10 builds of the frameworks - eg, cuda 9 tf seems to break on cuda 10.

    Thanks for the awesome images, btw :)

    opened by lahwran 5
  • Improve cachebility of generated Dockerfiles

    Improve cachebility of generated Dockerfiles

    Is there a reason why all the modules and other statements that are generated by the generator.py script are concatenated and listed as a single RUN statement in the final Dockerfile?

    Especially for large images with long and error prone build processes this results in that caching can't be used at all. I already had many cases where I had to try different combinations of packages/libraries or implement new ones by myself and it always cost a hell of a time to have to rebuild the image all over again when a slight change around the end of Dockerfile had to be made.

    What about changing the generator in such a way, that each module does not generate the final string to be added to the Dockerfile directly but just returns a list of strings, each being listed as a single RUN statement in the final Dockerfile?

    stale 
    opened by kklemon 5
  • matplotlib.pyplot error when importing: ImportError: No module named '_tkinter', please install the python3-tk package

    matplotlib.pyplot error when importing: ImportError: No module named '_tkinter', please install the python3-tk package

    It looks like there is some package missing (python3-tk?), which prevents from normal usage of matplotlib.pyplot. Is there any workaround for this issue? Thanks!

    Python 3.6.3 (default, Oct  6 2017, 08:44:35) 
    [GCC 5.4.0 20160609] on linux
    Type "help", "copyright", "credits" or "license" for more information.
    >>> import matplotlib.pyplot
    Traceback (most recent call last):
      File "/usr/lib/python3.6/tkinter/__init__.py", line 37, in <module>
        import _tkinter
    ModuleNotFoundError: No module named '_tkinter'
    
    During handling of the above exception, another exception occurred:
    
    Traceback (most recent call last):
      File "<stdin>", line 1, in <module>
      File "/usr/local/lib/python3.6/dist-packages/matplotlib/pyplot.py", line 116, in <module>
        _backend_mod, new_figure_manager, draw_if_interactive, _show = pylab_setup()
      File "/usr/local/lib/python3.6/dist-packages/matplotlib/backends/__init__.py", line 60, in pylab_setup
        [backend_name], 0)
      File "/usr/local/lib/python3.6/dist-packages/matplotlib/backends/backend_tkagg.py", line 6, in <module>
        from six.moves import tkinter as Tk
      File "/usr/local/lib/python3.6/dist-packages/six.py", line 92, in __get__
        result = self._resolve()
      File "/usr/local/lib/python3.6/dist-packages/six.py", line 115, in _resolve
        return _import_module(self.mod)
      File "/usr/local/lib/python3.6/dist-packages/six.py", line 82, in _import_module
        __import__(name)
      File "/usr/lib/python3.6/tkinter/__init__.py", line 39, in <module>
        raise ImportError(str(msg) + ', please install the python3-tk package')
    ImportError: No module named '_tkinter', please install the python3-tk package
    
    opened by lucasrodes 5
  • Add support to ppc64le

    Add support to ppc64le

    Hi, I'd appreciate the support of Power PC 64bit little endian architecture (ppc64le). Ubuntu and Nvidia already have base images with this architecture: https://hub.docker.com/r/nvidia/cuda-ppc64le I am available to contribute and test it.

    stale 
    opened by teelinsan 4
  • logging in python fails to write to STDOUT

    logging in python fails to write to STDOUT

    As of last week, using the logging library (with the default argument) to log statements in python would results in those statements appearing in STDOUT. As of today, this isn't happening, i.e all statements logged with logging are not appearing in STDOUT.

    Has some change been made to images? I'm using pytorch-py36 btw.

    opened by Genius1237 4
  • import tensorflow failed with errors related to some missing libraries

    import tensorflow failed with errors related to some missing libraries

    I run this image: nvidia-docker run --gpus all -it ufoym/deepo bash [email protected]:/# python Python 3.6.9 (default, Nov 7 2019, 10:44:02) [GCC 8.3.0] on linux Type "help", "copyright", "credits" or "license" for more information.

    import tensorflow as tf 2020-02-06 17:27:31.522769: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libnvinfer.so.6'; dlerror: libnvinfer.so.6: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/lib:/usr/local/nvidia/lib:/usr/local/nvidia/lib642020-02-06 17:27:31.522943: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libnvinfer_plugin.so.6'; dlerror: libnvinfer_plugin.so.6: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/lib:/usr/local/nvidia/lib:/usr/local/nvidia/lib64 2020-02-06 17:27:31.522969: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:30] Cannot dlopen some TensorRT libraries. If you would like to use Nvidia GPU with TensorRT, please make sure the missing libraries mentioned above are installed properly.

    opened by fadishaar84 4
  • cannot import name '_update_worker_pids'

    cannot import name '_update_worker_pids'

    I use your docker image(ufoym/deepo:all-jupyter) for my project. When I test RCAN model, I receive the error message. The message is like ---> 10 from torch._C import _set_worker_signal_handlers, _update_worker_pids,
    11 _remove_worker_pids, _error_if_any_worker_fails 12 from torch.utils.data.dataloader import DataLoader

    ImportError: cannot import name '_update_worker_pids'

    So, I test with pytorch/pytorch docker image. The error doesn't show again.

    Is it caused by pytorch version? If so, how can I solve the problem?

    opened by Kangsan-Jeon 4
  • import torch ModuleNotFoundError: No module named 'torch'

    import torch ModuleNotFoundError: No module named 'torch'

    I used the command docker run --gpus all --name MyName -p ******:22 -it -v /home/tom/DISK/DISK1/MyDirectory/:/home/ ufoym/deepo /bin/bash to create a container based on the image ufoym/deepo. But when I tried to import torch...

    import torch Traceback (most recent call last): File "", line 1, in ModuleNotFoundError: No module named 'torch'

    So how can I solve this problem? Thank u.

    opened by ccnice99 0
Releases(v2.0.0)
Owner
Code for reproducing key results in the paper "InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets"

Status: Archive (code is provided as-is, no updates expected) InfoGAN Code for reproducing key results in the paper InfoGAN: Interpretable Representat

OpenAI 1k Dec 19, 2022
BrainGNN - A deep learning model for data-driven discovery of functional connectivity

A deep learning model for data-driven discovery of functional connectivity https://doi.org/10.3390/a14030075 Usman Mahmood, Zengin Fu, Vince D. Calhou

Usman Mahmood 3 Aug 28, 2022
CSAC - Collaborative Semantic Aggregation and Calibration for Separated Domain Generalization

CSAC Introduction This repository contains the implementation code for paper: Co

ScottYuan 5 Jul 22, 2022
Element selection for functional materials discovery by integrated machine learning of atomic contributions to properties

Element selection for functional materials discovery by integrated machine learning of atomic contributions to properties 8.11.2021 Andrij Vasylenko I

Leverhulme Research Centre for Functional Materials Design 4 Dec 20, 2022
Scenic: A Jax Library for Computer Vision and Beyond

Scenic Scenic is a codebase with a focus on research around attention-based models for computer vision. Scenic has been successfully used to develop c

Google Research 1.6k Dec 27, 2022
MBPO (paper: When to trust your model: Model-based policy optimization) in offline RL settings

offline-MBPO This repository contains the code of a version of model-based RL algorithm MBPO, which is modified to perform in offline RL settings Pape

LxzGordon 1 Oct 24, 2021
Diverse Image Captioning with Context-Object Split Latent Spaces (NeurIPS 2020)

Diverse Image Captioning with Context-Object Split Latent Spaces This repository is the PyTorch implementation of the paper: Diverse Image Captioning

Visual Inference Lab @TU Darmstadt 34 Nov 21, 2022
Official implementation for paper: A Latent Transformer for Disentangled Face Editing in Images and Videos.

A Latent Transformer for Disentangled Face Editing in Images and Videos Official implementation for paper: A Latent Transformer for Disentangled Face

InterDigital 108 Dec 09, 2022
Codes accompanying the paper "Learning Nearly Decomposable Value Functions with Communication Minimization" (ICLR 2020)

NDQ: Learning Nearly Decomposable Value Functions with Communication Minimization Note This codebase accompanies paper Learning Nearly Decomposable Va

Tonghan Wang 69 Nov 26, 2022
Lightweight mmm - Lightweight (Bayesian) Media Mix Model

Lightweight (Bayesian) Media Mix Model This is not an official Google product. L

Google 342 Jan 03, 2023
Numba-accelerated Pythonic implementation of MPDATA with examples in Python, Julia and Matlab

PyMPDATA PyMPDATA is a high-performance Numba-accelerated Pythonic implementation of the MPDATA algorithm of Smolarkiewicz et al. used in geophysical

Atmospheric Cloud Simulation Group @ Jagiellonian University 15 Nov 23, 2022
YoloAll is a collection of yolo all versions. you you use YoloAll to test yolov3/yolov5/yolox/yolo_fastest

官方讨论群 QQ群:552703875 微信群:15158106211(先加作者微信,再邀请入群) YoloAll项目简介 YoloAll是一个将当前主流Yolo版本集成到同一个UI界面下的推理预测工具。可以迅速切换不同的yolo版本,并且可以针对图片,视频,摄像头码流进行实时推理,可以很方便,直观

DL-Practise 244 Jan 01, 2023
Code and data for "Broaden the Vision: Geo-Diverse Visual Commonsense Reasoning" (EMNLP 2021).

GD-VCR Code for Broaden the Vision: Geo-Diverse Visual Commonsense Reasoning (EMNLP 2021). Research Questions and Aims: How well can a model perform o

Da Yin 24 Oct 13, 2022
Geometric Vector Perceptron --- a rotation-equivariant GNN for learning from biomolecular structure

Geometric Vector Perceptron Code to accompany Learning from Protein Structure with Geometric Vector Perceptrons by B Jing, S Eismann, P Suriana, RJL T

Dror Lab 85 Dec 29, 2022
Low-code/No-code approach for deep learning inference on devices

EzEdgeAI A concept project that uses a low-code/no-code approach to implement deep learning inference on devices. It provides a componentized framewor

On-Device AI Co., Ltd. 7 Apr 05, 2022
Generalized Data Weighting via Class-level Gradient Manipulation

Generalized Data Weighting via Class-level Gradient Manipulation This repository is the official implementation of Generalized Data Weighting via Clas

18 Nov 12, 2022
PyTorch3D is FAIR's library of reusable components for deep learning with 3D data

Introduction PyTorch3D provides efficient, reusable components for 3D Computer Vision research with PyTorch. Key features include: Data structure for

Facebook Research 6.8k Jan 01, 2023
Structured Data Gradient Pruning (SDGP)

Structured Data Gradient Pruning (SDGP) Weight pruning is a technique to make Deep Neural Network (DNN) inference more computationally efficient by re

Bradley McDanel 10 Nov 11, 2022
The ARCA23K baseline system

ARCA23K Baseline System This is the source code for the baseline system associated with the ARCA23K dataset. Details about ARCA23K and the baseline sy

4 Jul 02, 2022
[EMNLP 2020] Keep CALM and Explore: Language Models for Action Generation in Text-based Games

Contextual Action Language Model (CALM) and the ClubFloyd Dataset Code and data for paper Keep CALM and Explore: Language Models for Action Generation

Princeton Natural Language Processing 43 Dec 16, 2022