abhisheksgumadi
Deep Learning for Natural Language Processing, Computer Vision and Speech
London, United Kingdom
Pinned Repositories
aabbtree_modified
collaboration-and-competition
This is the solution to the collaboration and competition project in the Udacity Deep Reinforcement Learning Nanodegree
continuous-control
Solution to the Continuous Control project of Udacity Deep Reinforcement Learning Nanodegree
deep-q-learning
Deep Q Learning for the Banana collection Navigation project - Udacity Nanodegree
machine-translation-transformers
A codebase showing how to implement machine translation using transformers in PyTorch and using HugginngFace library
navigation
Train an agent with the DQN algorithm to navigate a virtual world and collect as many yellow bananas as possible while avoiding blue bananas.
sentiment-analysis-word2vec
This project shows how to design a simple sentiment analysis using trained word2vec from Google
sentiment-classification-BERT
Sentiment classification using BERT fine tuning with HuggingFace library
spark-news-popularity
A news popularity regressor built using decision trees on Spark - MIT License
spark-product-recommendation-system
A product recommendation system in Spark using just product purchase history without any ratings - MIT License
abhisheksgumadi's Repositories
abhisheksgumadi/machine-translation-transformers
A codebase showing how to implement machine translation using transformers in PyTorch and using HugginngFace library
abhisheksgumadi/continuous-control
Solution to the Continuous Control project of Udacity Deep Reinforcement Learning Nanodegree
abhisheksgumadi/sentiment-analysis-word2vec
This project shows how to design a simple sentiment analysis using trained word2vec from Google
abhisheksgumadi/collaboration-and-competition
This is the solution to the collaboration and competition project in the Udacity Deep Reinforcement Learning Nanodegree
abhisheksgumadi/deep-q-learning
Deep Q Learning for the Banana collection Navigation project - Udacity Nanodegree
abhisheksgumadi/sentiment-classification-BERT
Sentiment classification using BERT fine tuning with HuggingFace library
abhisheksgumadi/spark-news-popularity
A news popularity regressor built using decision trees on Spark - MIT License
abhisheksgumadi/spark-product-recommendation-system
A product recommendation system in Spark using just product purchase history without any ratings - MIT License
abhisheksgumadi/aabbtree_modified
abhisheksgumadi/navigation
Train an agent with the DQN algorithm to navigate a virtual world and collect as many yellow bananas as possible while avoiding blue bananas.
abhisheksgumadi/boolmatch
Parse & test boolean expressions against text.
abhisheksgumadi/caffe
Caffe: a fast open framework for deep learning.
abhisheksgumadi/data-science-ipython-notebooks
Continually updated data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe), scikit-learn, Kaggle, Spark, Hadoop MapReduce, HDFS, matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines. https://bit.ly/data-notes
abhisheksgumadi/deep-learning-drizzle
Drench yourself in Deep Learning, Reinforcement Learning, Machine Learning, Computer Vision, and NLP by learning from these exciting lectures!!
abhisheksgumadi/deeplearning-papernotes
Summaries and notes on Deep Learning research papers
abhisheksgumadi/DeepRL-P3-Collaboration-Competition
Project 3 of Udacity's Deep Reinforcement Learning nanodegree program.
abhisheksgumadi/DRL-cart-pole
Just a practice repository for the cart pole example from GYM repo from OpenAI
abhisheksgumadi/facenet
Face recognition using Tensorflow
abhisheksgumadi/ivis
Dimensionality reduction in very large datasets using Siamese Networks
abhisheksgumadi/OpenAI-Gym-Taxi-v2
abhisheksgumadi/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers
aka "Bayesian Methods for Hackers": An introduction to Bayesian methods + probabilistic programming with a computation/understanding-first, mathematics-second point of view. All in pure Python ;)
abhisheksgumadi/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
abhisheksgumadi/RNN-language-modeling
A 2 layered Recursive neural network for language modeling - MIT License
abhisheksgumadi/testrepo
abhisheksgumadi/textClassifier
Text classifier for Hierarchical Attention Networks for Document Classification
abhisheksgumadi/ud858
Python version of the Conference Central app for Udacity course on Google App Engine