All Projects → anubhavshrimal → Machine-Learning

anubhavshrimal / Machine-Learning

Licence: MIT License
The projects I do in Machine Learning with PyTorch, keras, Tensorflow, scikit learn and Python.

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Machine-Learning

Vpilot
Scripts and tools to easily communicate with DeepGTAV. In the future a self-driving agent will be implemented.
Stars: ✭ 136 (+151.85%)
Mutual labels:  lstm, self-driving-car
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+538.89%)
Mutual labels:  scikit-learn, lstm
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+161.11%)
Mutual labels:  lstm, image-captioning
Ai Reading Materials
Some of the ML and DL related reading materials, research papers that I've read
Stars: ✭ 79 (+46.3%)
Mutual labels:  lstm, face-recognition
Selfdrivingcar
A collection of all projects pertaining to different layers in the SDC software stack
Stars: ✭ 107 (+98.15%)
Mutual labels:  scikit-learn, self-driving-car
Repo 2016
R, Python and Mathematica Codes in Machine Learning, Deep Learning, Artificial Intelligence, NLP and Geolocation
Stars: ✭ 103 (+90.74%)
Mutual labels:  lstm, face-recognition
Caption generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
Stars: ✭ 243 (+350%)
Mutual labels:  lstm, image-captioning
Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (+437.04%)
Mutual labels:  lstm, image-captioning
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+59744.44%)
Mutual labels:  scikit-learn, lstm
Actionai
custom human activity recognition modules by pose estimation and cascaded inference using sklearn API
Stars: ✭ 404 (+648.15%)
Mutual labels:  scikit-learn, lstm
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-3.7%)
Mutual labels:  lstm, image-captioning
MachineLearning
Implementations of machine learning algorithm by Python 3
Stars: ✭ 16 (-70.37%)
Mutual labels:  scikit-learn, lstm
Neural Image Captioning
Implementation of Neural Image Captioning model using Keras with Theano backend
Stars: ✭ 12 (-77.78%)
Mutual labels:  lstm, image-captioning
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (+133.33%)
Mutual labels:  lstm, image-captioning
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+1266.67%)
Mutual labels:  lstm, face-recognition
Up Down Captioner
Automatic image captioning model based on Caffe, using features from bottom-up attention.
Stars: ✭ 195 (+261.11%)
Mutual labels:  lstm, image-captioning
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-44.44%)
Mutual labels:  lstm, image-captioning
stylenet
A pytorch implemention of "StyleNet: Generating Attractive Visual Captions with Styles"
Stars: ✭ 58 (+7.41%)
Mutual labels:  lstm, image-captioning
Libfaceid
libfaceid is a research framework for prototyping of face recognition solutions. It seamlessly integrates multiple detection, recognition and liveness models w/ speech synthesis and speech recognition.
Stars: ✭ 354 (+555.56%)
Mutual labels:  scikit-learn, face-recognition
turbofan failure
Aircraft engine failure prediction model
Stars: ✭ 23 (-57.41%)
Mutual labels:  scikit-learn, lstm

Machine Learning

My Projects, Kaggle Competitions and implementation of some popularly known machine learning algorithms.

I have also included a list of research papers I have curated in the feild of ML/DL/AI.

Index:


Content:

Projects

Following are the projects I've done in the Machine Learning field:

Name Description
Reinforcement Learning Algorithms Implementation of different Reinforcement Learning Algorithms such as DQN, Double-DQN, Dueling-DQN, Monte Carlo, Temporal Difference, etc.
RL-DQN-Navigation Deep-Q Learning agent that is able to maximize the reward in the Unity ML-Agents based Banana Collector environment
RL-DDPG-Continuous_Control Deep Deterministic Policy Gradient Learning agent that is able to maximize the reward in the Unity ML-Agents based Reacher continuous environment
RL-Multi_Agent_DDPG-Collaboration Multi Agent Deep Deterministic Policy Gradient Learning agent that is able to maximize the reward in the Unity ML-Agents based Tennis continuous environment
Image Captioning Used Encoder(CNN)-Decoder(RNN) along with Attention and Beam Search heuristic to generate caption for a given image
GANs Generate Faces Used Generative Adversarial Networks (GANs) to generate new images of human faces
SageMaker Pytorch Model Deployment Deployed a Pytorch model which predicts the sentiment of a review using Amazon's SageMaker
RNN Generate TV Scripts An LSTM implementation in PyTorch that generates a new, "fake" TV script using Seinfeld dataset of scripts from 9 seasons
SML Malaria Detection Compare Naive Bayes, SVM, XGBoost, Bagging, AdaBoost, K-Nearest Neighbors, Random Forests for classification of Malaria Cells
Quick Draw Implementation of Google Quick Draw doodle recognition game in PyTorch and other classifiers
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
Neural Networks Bike Sharing Prediction Neural Network implemented from scratch in numpy to predict bike rentals daily on an hourly basis
Face Recognition Project to recognise people from an Image or video similar to facebook
Simulated Self Driving Car Training an CNN model to drive a car in simulation
Chess AI Chess AI which uses Alpha-Beta Pruning to select best moves.
Amazon Alexa Skills Amazon Alexa Skills made using Alexa Skills Kit and AWS Lambda function

There are a few other projects I've done but currently not on Github:

Name Description
Game Bot using Reinforcement Learning Game bot trained using Deep Q Networks and Q-learning to play games such as PACMAN, Frozen-lake, etc.
Course Recommendation System Appriori Algorithm based recommendation system to suggest courses based on past student's data at IIIT Delhi

Research Papers (Anubhav Reads)

A list of research papers in the domain of machine learning, deep learning and related fields. The list of papers can be viewed based on differentiating criteria's such as (Conference venue, Year Published, Topic Covered, Authors, etc.).

You can find the curated list of research papers in this repository.

Kaggle Competitions

Algorithm/Topic Description
Dogs-vs-Cats-Redux-Kernels Dogs vs Cats Classification using transfer learning Resnet34 (CNN) in PyTorch
Dog-Breed-Identification Dog Breed Identification using transfer learning Resnet101_64 (CNN) in PyTorch

Algorithms

Algorithm/Topic Description
Clustering Algorithms Unsupervised algorithms such as K-Means and Mean-Shift
Deep Learning Deep Neural Networks and Recurrent Neural Networks
K Nearest Neighbours
Linear Regression
Support Vector Machine
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].