aryancodify
Data Scientist with a penchant for making life easier with machine learning.
MicrosoftNoida
Pinned Repositories
ai_in_fintech
AI and Machine Learning Techniques for solving finance problems
Attribution-Modeling-Budget-Optimization
Clustering
Implementation OF KMEans, KMode, Kprototype and Agllomerative Hierarchical Clustering Using Python.
DimensionalityReducton
Usage Of Various Dimensionality Reduction Techniques in Python
Fifa2018Predictions
Prediction for FIFA world cup 2018 challenge
ML_Reading_101_Challenge
Repo to add summary of 101 research paper/articles to be read over the course of next 101 days.
MqttChatApplication
A reusable restful web service framework for server side implementation of a chat application.
NaiveBayesClassification
Multinomial and Bernoulli Naive Bayes Classification with laplace Smoothing in Python
PyDeepLearning
Code for Deep Learning Algorithms implemented with Pytorch and Keras
RandomForrest
Repository that contains Random Forrest and Decision Tree implementations with hyperparameter tuning.
aryancodify's Repositories
aryancodify/Clustering
Implementation OF KMEans, KMode, Kprototype and Agllomerative Hierarchical Clustering Using Python.
aryancodify/RandomForrest
Repository that contains Random Forrest and Decision Tree implementations with hyperparameter tuning.
aryancodify/ML_Reading_101_Challenge
Repo to add summary of 101 research paper/articles to be read over the course of next 101 days.
aryancodify/ai_in_fintech
AI and Machine Learning Techniques for solving finance problems
aryancodify/DimensionalityReducton
Usage Of Various Dimensionality Reduction Techniques in Python
aryancodify/YesBankDatathon
This is the code used for predicting the mutual fund rating as part of yes bank datathon challenge
aryancodify/PyDeepLearning
Code for Deep Learning Algorithms implemented with Pytorch and Keras
aryancodify/awesome-capsule-networks
A curated list of awesome resources related to capsule networks
aryancodify/Bidirectiona-LSTM-for-text-summarization-
A bidirectional encoder-decoder LSTM neural network is trained for text summarization on the cnn/dailymail dataset. (MIT808 project)
aryancodify/Boosting
Contains code base for boosting based Tree algorithms Adaboost and XGBoost.
aryancodify/cabby_optimisation
Reinforcement learning based formulation for optimizing profits of cab drivers
aryancodify/CapsNet-Keras
A Keras implementation of CapsNet in NIPS2017 paper "Dynamic Routing Between Capsules". Now test error = 0.34%.
aryancodify/CapsNet-Tensorflow
A Tensorflow implementation of CapsNet(Capsules Net) in Hinton's paper Dynamic Routing Between Capsules
aryancodify/capsule_text_classification
aryancodify/Complete-CheatSheets
This repo contains all the cheatsheets you need to keep handy, I will add more soon.
aryancodify/da-rnn
Dual-Stage Attention-Based Recurrent Neural Net for Time Series Prediction
aryancodify/DeepLearning
Various models implemented in Keras and Tensorflow including Perceptron, Back Prop, CNN, RNN and Boltzman Machines.
aryancodify/DL4NLP
Various NLP use cases and problems solved using LSTM, GRUs in Keras
aryancodify/ecommerce_model_selection
Compare and contrast different classification models for an ecommerce dataset
aryancodify/fastai
The fast.ai deep learning library, lessons, and tutorials
aryancodify/fastTSNE
Fast, parallel implementations of tSNE
aryancodify/google-images-download
Python Script to download hundreds of images from 'Google Images'. It is a ready-to-run code!
aryancodify/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
aryancodify/NaturalLanguageProcessing
Various NLP use cases performed using NLTK in Python
aryancodify/nlp_adversarial_examples
Implementation code for the paper "Generating Natural Language Adversarial Examples"
aryancodify/openpose
OpenPose: Real-time multi-person keypoint detection library for body, face, and hands estimation
aryancodify/reinforcement-learning
Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.
aryancodify/SVM
Repository for various SVM implementation with Maximal margin classifier, Non linear kernels and hyperparameter tuning
aryancodify/textrank
TextRank implementation for Python 3.
aryancodify/translit-rnn
Automatic transliteration with LSTM