Pinned Repositories
cvpr2015
deeplearning-papernotes
Summaries and notes on Deep Learning research papers
DRN
Code for "Learning Multiple Tasks with Deep Relationship Networks" NIPS 2017
dynet
DyNet: The Dynamic Neural Network Toolkit
fftlda
Wang, Yining, et al. "Fast and Guaranteed Tensor Decomposition via Sketching." arXiv preprint arXiv:1506.04448 (2015). Downloaded from http://www.yining-wang.com/
gcn
Implementation of Graph Convolutional Networks in TensorFlow
kaffe
A reduced Caffe library, only for deploying deep models.
ssta-captioning
Repository for paper: Saliency-Based Spatio-Temporal Attention for Video Captioning
transfer_learning
video2text.pytorch
PyTorch implementation of video captioning
Peratham's Repositories
Peratham/DRN
Code for "Learning Multiple Tasks with Deep Relationship Networks" NIPS 2017
Peratham/ohsu-biodatavis
Intro to Visualization for OHSU's BioData Club (https://biodata-club.github.io)
Peratham/accelerated_dl_pytorch
Accelerated Deep Learning with PyTorch at Jupyter Day Atlanta II
Peratham/ARTNet
Appearance-and-Relation Networks
Peratham/AVA2.1_download
My script to download the AVA2.1 dataset as of [Jun 1st, 2018].
Peratham/DeepNLP-models-Pytorch
Pytorch implementations of various Deep NLP models in cs-224n(Stanford Univ)
Peratham/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
Peratham/guesswhat
GuessWhat?! Baselines
Peratham/introtodeeplearning_labs
Lab Materials for MIT 6.S191: Introduction to Deep Learning
Peratham/keras-oneshot
koch et al, Siamese Networks for one-shot learning, (mostly) reimplimented in keras
Peratham/l4-optimizer
Code for paper "L4: Practical loss-based stepsize adaptation for deep learning"
Peratham/lectures-labs
Slides and Jupyter notebooks for the Deep Learning lectures at M2 Data Science Université Paris Saclay
Peratham/lime
Lime: Explaining the predictions of any machine learning classifier
Peratham/MXNet_linalg_examples
Examples of building probabilistic models with MXNet linear algebra operators
Peratham/neural_toolbox
standalone toolbox for neural modules (CBN, attention, FiLM layers etc.)
Peratham/NeuralREG
Referring Expression Generation using Neural Networks
Peratham/Peratham.github.io
Peratham/pixelsne
Peratham/pytorch-generative-model-collections
Collection of generative models in Pytorch version.
Peratham/pytorch-qrnn
PyTorch implementation of the Quasi-Recurrent Neural Network - up to 16 times faster than NVIDIA's cuDNN LSTM
Peratham/realtime-action-detection
This repository will host the code of our real-time action detection and prediction paper
Peratham/RL-Adventure
Pytorch easy-to-follow step-by-step Deep Q Learning tutorial with clean readable code.
Peratham/RL-Workshop
Deep Reinforcement Learning Workshop - Spring 2018
Peratham/Social-Meaning
Projects relating to the intersection of sociolinguistics and probability
Peratham/t3f
Tensor Train decomposition on TensorFlow
Peratham/TCN
Sequence modeling benchmarks and temporal convolutional networks
Peratham/Tensorflow-Project-Template
A best practice for tensorflow project template architecture.
Peratham/tensorflow-tutorial-1
A TensorFlow tutorial for computer vision
Peratham/umap
Uniform Manifold Approximation and Projection
Peratham/understanding-pytorch-batching-lstm
Understanding and visualizing PyTorch Batching with LSTM