• Stars
    star
    211
  • Rank 186,426 (Top 4 %)
  • Language
    Python
  • License
    MIT License
  • Created over 6 years ago
  • Updated over 5 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Dilated RNNs in pytorch

PyTorch Dilated Recurrent Neural Networks

PyTorch implementation of Dilated Recurrent Neural Networks (DilatedRNN).

Getting Started

Installation:

$ pip3 install -r requirements.txt

Run the tests:

$ python tests.py

Example

Define a dilated RNN based on GRU cells with 9 layers, dilations 1, 2, 4, 8, 16, ... Then pass the hidden state to a further update

import drnn
import torch

n_input = 20
n_hidden = 32
n_layers = 9
cell_type = 'GRU'

model = drnn.DRNN(n_input, n_hidden, n_layers, cell_type)

x1 = torch.randn(23, 2, n_input)
x2 = torch.randn(23, 2, n_input)

out, hidden = model(x1)
out, hidden = model(x2, hidden)

Copy Task

$ python3 -m copy_memory.copymem_test --help

Character LeveL RNN

$ python3 -m char_rnn.char_rnn_test --help

More Repositories

1

fashion-mnist

A MNIST-like fashion product database. Benchmark ๐Ÿ‘‡
Python
11,800
star
2

pytorch-ts

PyTorch based Probabilistic Time Series forecasting framework based on GluonTS backend
Python
1,233
star
3

pytorch-vq-vae

PyTorch implementation of VQ-VAE by Aรคron van den Oord et al.
Jupyter Notebook
517
star
4

psgan

Periodic Spatial Generative Adversarial Networks
Jupyter Notebook
139
star
5

famos

Adversarial Framework for (non-) Parametric Image Stylisation Mosaics
Python
128
star
6

spatial_gan

Spatial Generative Adversarial Networks
Python
111
star
7

disentangling_conditional_gans

Disentangling Multiple Conditional Inputs in GANs
Python
68
star
8

zap

Multilingual NLP annotation projection
Java
50
star
9

feidegger

A Multi-modal Corpus of Fashion Images and Descriptions in German
50
star
10

probrnn

State space modeling with recurrent neural networks
Python
42
star
11

first_order_gan

Create images and texts with the First Order Generative Adversarial Networks arxiv.org/abs/1802.04591
Jupyter Notebook
35
star
12

ACIC23-competition

Data for and description of the ACIC 2023 data competition
32
star
13

SWARM

Set-Equivariant Deep Learning Models
Python
22
star
14

CRISP

A probabilistic graphical model for COVID-19 infection spread through a population based on mutual contacts between pairs of individuals across time as well as test outcomes The C++/Python implementation enables full inference at the scale of millions of contacts between thousands of individuals.
Jupyter Notebook
13
star
15

fb-model-library

Model of deep learning libraries
Python
9
star
16

salm

Syntax-aware language models in Pytorch
Python
9
star
17

fashionxrecsys

Workshop on Recommender Systems in Fashion
CSS
8
star
18

JaxRK

RKHS feature vectors, operators, and statistical models using JAX for automatic differentiation
Jupyter Notebook
8
star
19

gpa

Python
5
star
20

VLRNN

Very Long RNN - memory efficient computation of very long sequences in recurrent neural networks
Python
5
star
21

batching-benchmarks

This project contains accompanying code for Zalando Team BART's (Batching Algorithms) publication Joint Order Selection, Allocation, Batching and Picking for Large Scale Warehouses.
Python
5
star
22

zalandoresearch.github.io

Zalando Research Website
HTML
4
star
23

pairwise-debiasing

ICTIR Paper
Python
1
star