The aim is to comprehensively revise essential statistics with emphasis on business analytics and applications, complete significant courses, learn R programming language, revisit machine learning algorithms, state of the art models and learn to develop end-to-end products using machine learning and deep learning
- Studied Classification and various approaches to achieve enhanced results
- Implemented a basic network for Binary Classification using Tensorflow
- Learnt to compress Tensorflow Models to TfLite Model for Binary Classification on Dogs vs Cats Dataset
- Worked on developing an end-to-end Flutter Application which can perform Cats vs Dogs Classification with TfLite as backend
- Model: Link
- Worked on learning different techniques to handle overfitting of a model
- Studied L1, L2 regularization and dropout regularization from Andrew NG deeplearning.ai course
- Completed the assignment on regularization in Week 1 of the course
- Studied visual intuition of regularization: Link
- Studied Tensorflow implementation of Dropout from Lei Mao's Blog: Link
- Model: Link
- Studied basics of Generative Adversarial Networks (GANs) and their applications
- Worked on implementing a simple DCGAN to reconstruct MNIST images
- Will be working on studying GANs in depth
- Reference: Link
- Model: Link
- Studied the concepts of convolution neural networks and their working process
- Implemented a simple style transfer network using pretrained weights and VGG-16
- Studied the concept of loss function and hyperparameter tuning from Andrew NG course
- Model: Link
- Studied the concepts of Regression and Classification from Introduction to Machine Learning by Udacity (GaTech)
- Implemented feature engineering, preprocessing and scaling on Black Friday Data in dataset-1 folder
- Studied ElasticNet, Lasso, Ridge, Linear, AdaBoost, Random Forest Regression, Gradient Boosting and applied the same on the dataset
- Studied the basics of XGBoosting and its applications
- Implemented a Black Friday Sales Web App for prediction using the models with Flask Framework and Pickle in backend
- Model: Link
- Studied the concept of Linear Regression in depth from multiple blogs
- Read the Stanford UFDL notes on Gradient Descent and Stochastic Gradient Descent at Link
- Completed implementation of Gradient Descent with Linear Regression from scratch using only mathematics through Numpy in Python.
- Studied the background mathematics of Gradient Descent and Regression
- Model:Link
- Studied and implemented the concept of Mini Batch Gradient Descent
- Implemented the concept of gradient checking and how it boosts training time
- Studied the use of exponential weighted averages and use of momentum to speed up training processes
- Studied the various alternative optimization algorithms and learnt to implement ADAM and RMSProp from scratch
- Finished the deep learning course 2 by Andrew NG Stanford and studied the theoretical details of the concepts.
- Models Folder: Link
- Studied the fine tuning of networks
- Studied train/dev/test set distribution techniques
- Studied sampling techniques and finished the third course of Andrew NG
- Read use of dockers for deployment of models
- Studied the blog on real time deployment of models at FloydHub: Link
- Studied the UNet Architecture from the state of art paper: Link
- Studied the concepts of upsampling, encoder-decoder architecture integration into UNet
- Read and made notes of the blog by Ayyuce Kizrak: Link
- Designed a custom data generator for Nuclei Segmentation from Biomedical Images
- Dataset Link: Link
- The data was part of the Data Science Bowl 2018
- Implemented a UNet architecture after analysing the paper
- Model: Link
- Studied the idea of Gated Recurrent Units (GRU)
- Studied RNN and LSTM
- Started the Sequence Models Course by Andrew NG
- Worked on implementing Music Generation by LSTM
- Watched MIT Deep Learning Lab Video on LSTM
- Model: Link
- Studied the concept of Encoder and Decoder architectures
- Studied the basics of Autoencoders
- Implemented a Simple Autoencoder on MNIST data using Tensorflow
- Studied the official Keras blog on autoencoders Link
- Studied about Sparse Autoencoders: Link
- Model: Link
- Studied the idea of introducing variations in the autoencoding architecture
- Studied the concepts of VAE: Link
- Finished the Week 3 of the CNN Course by Andrew NG
- Model:Link
- Studied the basics of implementing neural networks in PyTorch
- Studied the major differences between PyTorch and Tensorflow
- Implemented a neural network for MNIST using PyTorch
- Implemented a neural network for Fashion-MNIST using PyTorch
- Model: Link
- Finished the course on Building PyTorch Deep Learning Models by Janana Ravi on Pluralsight
- Studied the architectural framework of PyTorch
- Implemented AutoGrad, Text Classification and Image Classification Models using PyTorch
- Models: Link
- Studied the basics of image kernels: Link
- Studied different types of image thresholding techniques
- Studied the watershed segmentation algorithm and its implementation in Open CV
-Model: Link
- Studied the basics of gradients and edge detection: Link
- Studied the mathematical aspects of image filters especially Sobel Filters
- Studied the canny edge detection algorithm and its implementation in Open CV
- Model: Link
- Studied the interview based reasoning questions on Linear Regression
- Implemented a regression model on the car price prediction
- Constructed an end-to-end Flask Application for predicting Car Prices from the data
- To run the app we have the following commands
$ sudo docker-compose build
$ sudo docker-compose up
- Studied the basics of Logistic Regression
- Implemented a sentiment analysis classifier using BERT
- Worked on analysing DistilBERT
- Studied BioBERT
- Model: Link
- Learned implementation of histogram, bar grpahs, stacked graphs and pie charts
- Implemented the probability distributions in seaborn and matplotlib
- Completed the assignment exercise for visualisation given by the IITB course
- Model: Link
- Started my own blog on Machine Learning and Programming
- Revisited all the necessary mathematical concepts
- Revised Linear Algebra
- Revised Statistics
- Revised Probability Distributions
- Revised Multivariate Calculus
- Link to the Blog: Link
- Learned about the concepts of Outliers
- Revisited all the necessary mathematical concepts behind outlier detection
- Implemented a small program regarding outlier detection with visualisation
- Studying more in-depth reasoning about outliers
- Model: Link
- Started 7 Days of Statistics Challenge
- Learned about probability concepts in-depth
- Studied all probability distributions
- Implemented basic programs on normal distribution, poisson distribution and binomal distribution
- Models: Link
- Completed the course on Descriptive Statistics for Data Scientists by Dr Abhinanda Sarkar
- Finished Visualisation techniques
- Explored the dataset on predicting the sales of cardiofitness equipments as a real time case study
- Visualised and studied feature extraction in machine learning
- Models:
- Studied the idea of anomaly detection
- Studied SMOTE to overcome overfitting
- Studied the problem of imbalanced classes
- Implemented outlier detection on Big Market Dataset
- Model: Link
- Implemented machine learning models to handle imbalanced class problems
- Implemented a basic network to detect outliers in credit card fraud detection dataset
- Studied PyOD Library by CMU
- Implemented PyOD on Credit Card Fraud Detection
- Model: Link
- Implemented Autoencoder for credit card fraud detection
- Studied the difference in implementation of autoencoder for imbalanced classes
- Model: Link
- Worked on outlier detection on credit card fraud detection dataset
- Studied outlier and anomaly detection
- Worked on maths behind anomaly detection
- Implemented five algorithms under PyOD
- Completed a blog on outlier detection: Link
- Learned to implement a neural network from scratch
- Studied the mathematical aspects of forward and backward propagation
- Tried to implement a neural network from scratch for gender classification
- Model: Link
- Studied the concept of decision tree classification
- Studied the CART, C4.5 and ID3 algorithms
- Solved Mathematics behind Gini Index, Information Gain, and Entropy
- Model: Link
- Studied the concept of binary classification
- Worked with revising multiple classifiers
- Studied the concept of decision boundary
- Model: Link
- Worked on Hypothesis Testing in Statistics
- Studied the concepts of ANOVA, Chi-Square Distribution and Test of Proportions and Variance
- Understood One-Tailed and Two-Tailed Testing
- Model: Link
- Finished the course on Statistics for Machine Learning by Dr. Abhinanda Sarkar of Great Learning Academy
- Completed the capstone project on predicting medical insurance claims for smokers and non-smokers
- Studied the in-depth implementation of statistics on real life use case
- Model: Link
- Studied the concept of bagging
- Started the course of Ensemble Learning Models on AnalyticsVidhya
- Learned the concept of Random Forest: Link
- Revised the concept of Gini Impurity: Link
- Model: Link
- Studied the concept of boosting
- Implemented XGBoost Classifier using Python
- Studied Feature Importance
- Finished the course on Ensemble Learning on AnalyticsVidhya
- Model: Link
- Studied the Udacity Data Scientist Nanodegree Program
- Worked on assignment of TedX Talk Dataset using basic pandas
- Data Exploration and insights on analysis
- Model: Link
- Studied the basics of Crisp DM Approach
- Studied Software Engineering
- Read about code modularity
- Finished working on Credit Card Fraud Detection with Crisp DM Approach
- Model: Link
- Blog on Medium: Link
- Studied the basics of decision boundaries
- Studied concept of Maximal Margin Classifier
- Studied the concepts of differentiating between SVM and Logistic Regression
- Studied Hyperparameter Tuning of SVM with C and gamma values
- Studied the influence of outliers and feature scaling on SVM
- Implemented a basic SVM model on Iris Data
- Model: Link
- Studied the concept of fitting maximum points on the decision boundary
- Studied concept of decision functions
- Studied convex constraint optimizations
- Model: Link
- Studied the concepts of entity relationships and introduction to databases
- Started the course by UC Davis for SQL for Data Science Specialization
- Studied the differences between NoSQL and SQL
- Introduction to Data Modelling
- Studied the idea of data pipelines
- Studied the basics of filtering datasets using SQL
- Studied Aggregation using MIN(), MAX(), SUM() and AVG()
- Continued with the Week 1 of SQL for Data Science Specialization by UC Davis
- Studied the fundamentals of Data Modelling and Entity Relationship Diagrams
- Draw Entity Relationship Diagrams for multiple databases to practice
- Studied the ChinookDatabase ER Diagram
- Started learning queries on databases
- Studied the idea of wildcards in SQL using %
- Intuitively understood math operations in SQL
- Completed Week 1 of SQL for Data Science by UC Davis and started Week 2
- Studied the idea behind group-by
- Identified similarities and differences between group by in pandas and SQL
- Worked on implementing Group By command on Chinook Database
- Completed Week 2 of the SQL course by UC Davis
- Studied the idea of subqueries
- Learned to evaluate nested queries
- Started writing complex queries in SQL
- Started Week 3 of SQL course by UC Davis
- Studied the fundamentals of Data Modelling and Entity Relationship Diagrams
- Intuitively understood the concept of merging datasets
- Learned different varieties of JOINS in SQL
- Finished Week 3 of SQL Course by UC Davis
- Finished the course on SQL for Data Science by UC Davis
- Practiced SQL problems on HackerRank
- Earned a gold star for SQL on HackerRank
- Started practicing a few selected problems on LeetCode
- Learned about Dense_Rank() and Substr()
- Completed the Easy Set of SQL Practice Problems on LeetCode
- Learned about CONCAT, DATETIME, and a few advanced SQL commands
- Practiced a few set of interview questions on SQL
- Studied the fundamentals of Graph DB
- Started the Neo4js course to understand Graph DB
- Studied the architecture of working for GraphDBs
- Studied the basic concepts of RL
- Started watching DeepLizard videos on RL
- Finished a Frozen Lake Game using open ai gym library based on RL
- Stepwise Frozen Lake Beginning to Goal using Dynamic Programming
Model: Link
Output: SFFF FHFH FFFH HFFG (Left) SFFF FHFH FFFH HFFG (Left) SFFF FHFH FFFH HFFG (Left) SFFF FHFH FFFH HFFG (Left) SFFF FHFH FFFH HFFG (Left) SFFF FHFH FFFH HFFG (Up) SFFF FHFH FFFH HFFG (Left) SFFF FHFH FFFH HFFG (Up) SFFF FHFH FFFH HFFG (Left) SFFF FHFH FFFH HFFG (Up) SFFF FHFH FFFH HFFG (Left) SFFF FHFH FFFH HFFG (Left) SFFF FHFH FFFH HFFG (Up) SFFF FHFH FFFH HFFG (Up) SFFF FHFH FFFH HFFG (Down) SFFF FHFH FFFH HFFG (Right) SFFF FHFH FFFH HFFG (Right) SFFF FHFH FFFH HFFG (Right) SFFF FHFH FFFH HFFG (Down) SFFF FHFH FFFH HFFG (Down) SFFF FHFH FFFH HFFG (Down) SFFF FHFH FFFH HFFG (Down) SFFF FHFH FFFH HFFG (Right) SFFF FHFH FFFH HFFG (Down) SFFF FHFH FFFH HFFG (Left) SFFF FHFH FFFH HFFG (Down) SFFF FHFH FFFH HFFG (Down) SFFF FHFH FFFH HFFG You reached the goal!!
- Visualised the Q-learning game using Open AI Gym
- Studied reward state, and process to optimize the steps towards the reward state.
Model: Link
- Learned about visualising graphs and social connections
- Created a simple page ranking algorithm using DP and RL
Model: Link
- Finished the DeepLizard RL series
- Started intuition of convolutions pretty well.
- Finished up convolution videos on Deep Learning Udacity
- Visualized convolution and maxpooling on images
- Finished working on autoencoders from scratch
- Humble Coding Experience doing manual mathematics on paper too.
Model: Link
- Continued with Udacity Deep Learning Course
- Finished working on RNN and its concepts
- Finished the TV Script Generation Project
Model: Link
- Read about shortcomings of RNN
- Finished working on LSTM
- Wrapped up final project on TV Script Generation using LSTMs
Model: Link
- A quick revision capsule of the data augmentation concepts
Model: Link
- With the udacity deep learning course, also started revising CS231n notes for more clarity
- Learned about different nearest neighbor approaches
Model: Link
- Understanding first and second principal components
- Understanding its uses on image datasets
- Visualized the CIFAR-10 using PCA
Model: Link
- SGD Optimization study
- Regression Line Fitting
Model: Link
- Gradient Descent revision capsule
- Visualized GD to understand better
- More intuitive understanding of GD
Model: Link
- Worked on churn prediction problem
- Kaggle Notebook designing for EDA Churn
- Customer Churn Analysis
Model: Link
- Watched Krish Naik Playlist on Statistics for Data Science
- Made Handwritten Notes for the entire course
Notes: Link
- Watched Krish Naik Playlist on Statistics for Data Science
- Made Handwritten Notes for the entire course
Notes: Link
- Learned about fractals
- Tried to code fractals in Python
- Matplotlib visualization of fractals
Model: Link
- Web Scraping of stocks from Yahoo Website
- Finished video by Sentdex on stock visualization
- Tried my own hand on it
Model: Link
- Started learning Time Series related problems
- Watched vidoes by Srivatsan Srinivasan
Model: Link
- Started Moving Averages working in time series
- Concept of windows
- Seasonality in series
Model: Link
- Decomposition of time series analysis
- Seasonality Studies
- Trends and Prediction
Model: Link
- Concept of rolling in time series
- Lag Concept
- Studied relation between lag and rolling over windows
Model: Link
- Different concepts of time series
- Holt Linearity Concepts
- Autoregressive Integrated Moving Average
Model: Link
- Time Series ARIMA implementation
- Regressive Average Concepts
Model: Link
- Worked on Machine Learning Problem of Pesticide Prediction
- Finished baseline Model for same at rank 22 public leaderboard
Model: Link
- Finished 128 in Jantahack, however worked hard to make it to Rank 15 on Private Leaderboard
- Final model EDA and analysis
Model: Link
- Finished EDA
- PrvLB 22 Model for Agriculture Prediction
Model: Link
- Finished working on Matplotlib Tutorial
- Wrote an interesting python code for animated sorting visualizations
Model: Link
- Finished the AI Engineering Playlist on Time Series.
- Made notes for each video
- Will be revising it again.
- There are multiple notebooks, check the repository for them.
- Started working on making applied ML notebooks on Analyticsvidhya
- Finished a baseline regression model for Big Market Sales data
- Learned feature aggregation
Model: Link
- Worked on Exploratory Data Analysis for Big Market Sales Data
- Created a notebook with detailed explanations for each characteristic with visuals.
Model: Link
- Final Insights to the model
- Simple Regression techniques experimented
- Feature Engineering on the data
Model: Link
- Started the basic classification problem of loan prediction on Analyticsvidhya
- Finished a baseline model for the same
Model: Link
- Finished EDA on Loan Prediction data.
- Crafted a well explained notebook for the same.
Model: Link
- Finished a simple model well explained with basic classification
- Crafted a well explained notebook for the same.
Model: Link
- Started working on neural network for classification.
- Made a detailed notebook for bike price prediction.
- Made a streamlit app for EDA
Model: Link
- Deployed model as a streamlit app for prediction
- Completed End-to-End Machine Learning Project
- Detailed repository below
Model: Link
- Started working on categorical data ideas.
- Learning end to end deployment for the same
- Finished an app for deployment.
- Final Modelling of Car Value Data
- Final Deployment as Heroku App
- Finished end to end machine learning project with streamlit and Heroku.
Heroku Web App Link: Link
- Participated in the Janatahack Cross Sell
- Baseline Model came at rank 81
- Made a complete evaluative model to predict cross selling prices
Model Link: Link
- Finished at Public LB rank 42
- Exploratory Analysis Completed
- Well explained notebook made with love in Python
Model: Link
- Final Model for Janatahack
- Feature Engineering
- Private Leaderboard Rank-10
Models: Link
- Participated in Hacklive Jantahack Analyticsvidhya
- Identified major parameters and feature engineering
- Worked on EDA and baseline
Model: Link
- Finished at LB 42 again
- Final Modelling and feature engineering
Model: Link
- Prediction of number of likes on videos given statistics
- Worked on the regression concepts
- Finished a baseline model at PB Rank 7
Model: Link
- Finished at PB Rank 10, a major improvement in ranks
- Worked on feature engineering
- Tuning of Model using LGBM could have been better
Model: Link
- Finished the 6.5 hours course on Udemy on R-Programming
- Learned Hypothesis Testing in R and basic linear regression techniques in R
- Made notes on Data Visualisation strategies in R and learned ggplot2
- Learned data cleaning using dplyr, tidyverse and tidyr
- Finished reading the O-Reilly book on R-programming
- Finished the 7 hour course on Udemy on Advanced R Analytics by Kirill Eremenko
- Completed mastering R programming language, now officially part of my resume
- Read the book on R programming with exercises by O-Reilly
- Finished the course on Statistics using Microsoft Excel
- Mastered learning MS Excel for carrying out business analytics
- Following the latest notes for data engineering from CS-329
- Finished 4 courses on System Design Generation, ETL and Inventory Management System Analysis
- Understood the process flow of purchase process, asset management in ERPs and business understanding of ETL in databases
- Will be started to work on new projects related to data engineering
- Happy to inform that my publication on the Smart India Hackathon winning project was accepted and published in the International Conference on Sentiment Analysis and Deep Learning 2020
- The published thesis is titled: RainRoof: Automated Shared Rainwater Harvesting Prediction which is an end-to-end implementation of predicting the feasibility of rainwater harvesting in an area from the suitability of the system setup using deep learning analysis on the satellite images to the forecasting of break even demand for the area if they decide to adopt the harvesting technique
- Link: Click Here