anubhavshrimal
Applied Scientist II @ Amazon; M.Tech. in Data Engineering from IIIT Delhi.
AmazonJaipur, Rajasthan, India
Pinned Repositories
Attention-Beam-Image-Captioning
Image captioning using beam search heuristic on top of the encoder-decoder based architecture
CalculatorApp
scientific calculator basic calculator and unit converter android app
Chess-AI
A Java Project which implements playing chess with the computer which uses Alpha-Beta Pruning.
Data-Structures-Algorithms
My implementation of 85+ popular data structures and algorithms and interview questions in Python 3 and C++
Face-Recognition
Machine Learning project to recognise faces from an Image just like facebook or video stream
Machine-Learning
The projects I do in Machine Learning with PyTorch, keras, Tensorflow, scikit learn and Python.
Machine-Learning-Research-Papers
A list of research papers in the domain of machine learning, deep learning and related fields.
Reinforcement-Learning
Implementation and Notes of different Reinforcement Learning Algorithms
Simulated-Self-Driving-Car
Self driving car running over udacity's "unity car simulator" using Convolutional neural networks.
anubhavshrimal's Repositories
anubhavshrimal/Data-Structures-Algorithms
My implementation of 85+ popular data structures and algorithms and interview questions in Python 3 and C++
anubhavshrimal/CalculatorApp
scientific calculator basic calculator and unit converter android app
anubhavshrimal/Face-Recognition
Machine Learning project to recognise faces from an Image just like facebook or video stream
anubhavshrimal/Machine-Learning-Research-Papers
A list of research papers in the domain of machine learning, deep learning and related fields.
anubhavshrimal/Machine-Learning
The projects I do in Machine Learning with PyTorch, keras, Tensorflow, scikit learn and Python.
anubhavshrimal/Attention-Beam-Image-Captioning
Image captioning using beam search heuristic on top of the encoder-decoder based architecture
anubhavshrimal/Reinforcement-Learning
Implementation and Notes of different Reinforcement Learning Algorithms
anubhavshrimal/Simulated-Self-Driving-Car
Self driving car running over udacity's "unity car simulator" using Convolutional neural networks.
anubhavshrimal/CompetitiveProgrammingInPython
Programs of Competitive Programming practice in python
anubhavshrimal/Neural-Networks-Bike-Sharing-Prediction
Build a Neural Network from scratch to predict bike rentals daily on an hourly basis
anubhavshrimal/Quick-Draw
Implementation of Google Quick Draw doodle recognition game in PyTorch and comparing other classifiers and features.
anubhavshrimal/SML-Malaria-Detection
Compare Naive Bayes, SVM, XGBoost, Bagging, AdaBoost, K-Nearest Neighbors, Random Forests for classification of Malaria Cells
anubhavshrimal/CNN-Dog-Breed-Classifier
CNN implementation in PyTorch to identify dog's breed from given image. If supplied an image of a human face, the code will identify the resembling dog breed.
anubhavshrimal/Collaboration_Competition_Udacity_DRLND_P3
Project 3: done as part of the Udacity Deep Reinforcement Learning Nanodegree
anubhavshrimal/GANs-Generate-Faces
Used Generative Adversarial Networks (GANs) to generate new images of human faces.
anubhavshrimal/NodeJS_Practice
Practice on Node.js (Javascript Framework)
anubhavshrimal/ProjectBucket_SIH
Building application for social sharing of ideas and question answer forum
anubhavshrimal/UOI-1806.01264
Unofficial implementation of the paper "OpenTag: Open Attribute Value Extraction from Product Profiles"
anubhavshrimal/Amazon-Alexa-Skills
Amazon Alexa Skills made using Alexa Skills Kit and AWS Lambda function
anubhavshrimal/Continuous_Control_Udacity_DRLND_P2
Project 2: done as part of the Udacity Deep Reinforcement Learning Nanodegree
anubhavshrimal/deep-learning-v2-pytorch
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
anubhavshrimal/dotfiles
My dotfiles setup
anubhavshrimal/fastai
The fast.ai deep learning library, lessons, and tutorials
anubhavshrimal/guide-articles
Articles for the forthcoming freecodecamp.com/guide
anubhavshrimal/guides
A collection of easy-to-understand guides to programming tools
anubhavshrimal/kindle-to-notion
anubhavshrimal/matplotlib
matplotlib: plotting with Python
anubhavshrimal/Navigation_Udacity_DRLND_P1
Project 1: done as part of the Udacity Deep Reinforcement Learning Nanodegree
anubhavshrimal/RNN-Generate-TV-Scripts
An LSTM implementation in PyTorch that generates a new, "fake" TV script using Seinfeld dataset of scripts from 9 seasons.
anubhavshrimal/SageMaker-PyTorch-Model-Deployment
Deployed a Pytorch model which predicts the sentiment of a review using Amazon's SageMaker.