Pinned Repositories
a-PyTorch-Tutorial-to-Image-Captioning
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
Actor-Critic-Methods-Paper-To-Code
adventures-in-ml-code
This repository holds all the code for the site http://www.adventuresinmachinelearning.com
adversarial-document-model
Code needed to reproduce "Modeling documents with Generative Adversarial Networks"
ai-projects
Artificial Intelligence projects, documentation and code.
ALI
Adversarially Learned Inference
amazon-sagemaker-examples
Example notebooks that show how to apply machine learning, deep learning and reinforcement learning in Amazon SageMaker
attention-is-all-you-need-keras
A Keras+TensorFlow Implementation of the Transformer: Attention Is All You Need
attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
keras-attention-mechanism
Attention mechanism Implementation for Keras.
aivanni's Repositories
aivanni/textClassifier
Text classifier for Hierarchical Attention Networks for Document Classification
aivanni/tensorflow-pointer-networks
Pointer Networks in Tensorflow
aivanni/CarND-Behavioral-Cloning-Project3
Udacity Self Driving Car Nanodegree Behavioral Cloning Project 3
aivanni/keras-attention-mechanism
Attention mechanism Implementation for Keras.
aivanni/blog
Technical blog repo of metaflow
aivanni/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
aivanni/kubernetes.github.io
Kubernetes website and documentation repo:
aivanni/hierarchical-rnn
Tensorflow implementation of a Hierarchical and Multiscale RNN, described in https://arxiv.org/abs/1609.01704
aivanni/ladder
Ladder network is a deep learning algorithm that combines supervised and unsupervised learning
aivanni/LSTM-Classification-pytorch
Text classification based on LSTM on R8 dataset for pytorch implementation
aivanni/fast-ai-course
Data files for fast-ai.
aivanni/adversarial-document-model
Code needed to reproduce "Modeling documents with Generative Adversarial Networks"
aivanni/pytorch-CortexNet
PyTorch implementation of the CortexNet predictive model
aivanni/HighwayNetwork
For training very deep networks
aivanni/Keras-GAN
Generative Adversarial Network with Keras (Theano backend)
aivanni/char_embs
aivanni/ladder-1
Ladder network is a deep learning algorithm that combines supervised and unsupervised learning.
aivanni/Wasserstein-GAN-Keras
Keras implementation of Wasserstein GAN. Modified from the ACGAN example.
aivanni/pymc3_vs_pystan
Personal project to compare hierarchical linear regression in PyMC3 and PyStan, as presented at http://pydata.org/london2016/schedule/presentation/30/ video: https://www.youtube.com/watch?v=Jb9eklfbDyg
aivanni/docker-python3-gensim-doc2vec
Docker image based on Ubuntu that contains the gensim Python library (topic modelling for humans).
aivanni/RNN-EM
Recurrent Neural Networks with External Memory
aivanni/ldig
Language Detection with Infinity-gram
aivanni/s3_bucket_to_bucket_copy_py
Script to copy an AWS S3 Bucket to another bucket using many threads in Python