JACK-HAI / 100_Days_of_ML

Machine Learning is the most transformative technology of our time. Whether its helping us discover new drugs for major diseases, fighting fraud, generating music, improving supply chain efficiency, the list of applications are truly endless. In order for us as a community to be able to make valuable contributions to the world, we need to master this technology. This is a call to action, a battle cry, a spark that will light a movement to radically improve the state of humanity. 100 Days of ML Code is a committment to better your understanding of this powerful tool by dedicating at least 1 hour of your time everyday to studying and/or coding machine learning for 100 days.

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

100_Days_of_ML

This is 100 days of Machine Learning challenge as instructed by Siraj Raval #learningbydoing

Motivation

Machine Learning is the most transformative technology of our time. Whether its helping us discover new drugs for major diseases, fighting fraud, generating music, improving supply chain efficiency, the list of applications are truly endless. In order for us as a community to be able to make valuable contributions to the world, we need to master this technology. This is a call to action, a battle cry, a spark that will light a movement to radically improve the state of humanity. 100 Days of ML Code is a commitment to better your understanding of this powerful tool by dedicating at least 1 hour of your time everyday to studying and/or coding machine learning for 100 days.

Daily Log

It's the daily log to keep track on my progress.

Day 1 : June 25, 2020 | Overview

  1. Today I got the overview of Machine Learning Algorithms with the Mind-maps and Cheat sheets.
  2. Set up the environment(anaconda.org) to complete this challenge and also completed choosing the courses I will follow.

Link to Progress - Overview

Day 2 : June 26, 2020 | Linear Regression

  1. Learnt the basics of Linear Regression and revisited the Machine Learning Course by Andrew Ng in Coursera. Alternative free course - Stanford YT
  2. Implemented Linear Regression without using popular Libraries and Frameworks on the 'bike_sharing_data.csv'.

Link to Progress - Linear Regression with NumPy and Python

Day 3 : June 27, 2020 | Logistic Regression

  1. Learnt the basic intuition of Logistic Regression and enrolled to the guided project on Logistic Logistic Regression.
  2. Implemented Logistic Regression using Python.

Link to Progress - Logistic Regression with Numpy

Day 4 : June 28, 2020 | Better Intuition of Regression

  1. Continued with Regression and Coursera ML Course.
  2. Tried Implementing Linear Regression with Siraj Raval's tutorial

Link to Progress - How to Do Linear Regression using Gradient Descent

Day 5 : June 29, 2020 | Descending into ML

  1. Enrolled into a free course offered by Google - Machine Learning Crash Course and completed upto First steps with Tensorflow.

Link to Progress - First Steps with TF: Programming Exercises

Day 6: June 30, 2020 | Regression with a Real Dataset

  1. Continued the ML crash curse by google
  2. Implemented Linear Regression with Real Dataset in Google Colab

Link to Progress - Linear regression with tf.keras

Day 7 : July 1, 2020 | COVID19 Data Analysis

  1. Today I analyzed Covid-19 Dataset using python on real dataset.
  2. I took the data and completed the project with help of Rhyme Project Network

Link to Progress - COVID-19 Data Analysis

Day 8 : July 2, 2020 | Machine Learning Crash Course

  1. Completed the ML course upto Validation Set
  2. Enrolled into Project centric course - Predicting House Prices with Regression using TensorFlow

Link to Progress - Housing Price Prediction

Day 9 : July 3, 2020 | Predicting House Prices with Regression

  1. Implemented Housing Price Prediction with Boston_housing.csv data.

Link to Progress - Housing Price Prediction

Day 10 : July 4, 2020 | Predicting Profit of Food Truck

  1. Predicted Profit of Food Truck with Regression with the previous data given by assignment page.
  2. I Implemented Linear regression with single variable from scratch.

Link to Progress - Food Truck Profit Prediction

Day 11 : July 5, 2020 | CS50’s Introduction to AI with Python

  1. Enrolled into the CS50's AI course(audit) to freshen up with HarvardX: CS50AI.
  2. Explored with the Source code of the Maze from first lecture, the code is provided in the link below.

Link to Progress - Maze

Day 12 : July 6, 2020 | Project 0

  1. Completed the quiz and the project part after the first lecture.

Link to Progress - projects/2020/x/degrees

Day 13 : July 7, 2020 | Flight Fare Prediction

  1. Today, I Implemented Flight Price Prediction after watching the live stream by Krish Naik
  2. Learnt more about the data pre-processing from YouTube.

Link to Progress - Flight_price

Day 14 : July 8, 2020 | Baseline: Data, ML

  1. Completed the Baseline: Data, ML, AI Quest upto DataProc
  2. Continued with CS50:AI

Link to Progress - Baseline: Data, ML, AI

Day 15 : July 9, 2020 | RandomForest classifier, Decision Trees

  1. Learned How to use Scikit-learn implementing this Project: Predict Employee Turnover with scikit-learn.

Link to Progress - Predicting Employee Turnover with scikit-learn.

Day 16 : July 10, 2020 | Qwiklab ML Quest

  1. Finished the following quest - Perform Foundational Data, ML, and AI Tasks in Google Cloud.
  2. Learned a lot new things and how to implemented them in gcp, it's a great hand's on learning platform.

Link to Progress - Data, ML, and AI Tasks in Google Cloud.

Day 17 : July 11, 2020 | Titanic Survival Prediction

  1. Get my hand dirty with the Titanic Survival Data.
  2. Submitted my first kaggle submission.

Link to Progress - Titanic: Machine Learning from Disaster.

Day 18 : July 12, 2020 | House Prices: Advanced Regression Techniques

  1. Exploring the dataset from kaggle.
  2. continuing the competition with Krish Naik.

Link to Progress - Advance House Price Prediction.

Day 19 : July 13, 2020 | Predicting Sales with Advertising Dataset

  1. Implemented Multiple Linear Regression with scikit-learn in Coursera.
  2. Coursera Network platform is a great place to learn by praticing real-time with tutorials & datasets.

Link to Progress - Predicting-sales-with-multiple-linear-regression.

Day 20 : July 14, 2020 | House Prices: Advanced Regression Techniques

  1. Completed upto data preprocessing with krishnaik06.
  2. Kaggle Competition - House Prices: Advanced Regression Techniques.

Link to Progress - Advance House Price Prediction.

Day 21 : July 15, 2020 | Kaggle Competition

  1. Submitted yesterday's progress along with deployment.
  2. Edited the model with hyperparameter tuning.

Link to Progress - kaggle submission: Housing Prices Advanced Regression.

Day 22 : July 16, 2020 | Car Price Prediction from CarDekho Dataset

  1. Predicting Car Prices from Vehicle dataset from cardekho with @krishnaik06.
  2. Completed upto model deployment part, will update the front-end by tommorow.

Link to Progress - Car Price Prediction

Day 23 : July 17, 2020 | Machine Learning Feature Selection

  1. Learnt more of Feature Selection in depth from Coursera Project Network.

Link to Progress - .

Day 24 : July 18, 2020 | fast.ai

  1. Enrolled into the most recommended open sourced course and completed up-to Random Forest.
  2. Random Forest is widely applicable ml model, You can find it here: lec. 1.

Link to Progress -

Day 25 : July 19, 2020 | First ML project

  1. I choose to complete at least four projects by the end of 100_Days_of_ML_Code by all alternative 25'th day.
  2. As I previously worked on some Housing Price Predictions, starting with a similar data - Delhi Real-Estate Prices by MagicBricks.com.

Link to Progress - Delhi Housing Price Prediction.

Day 26 : July 20, 2020 | Deployment with Heroku

  1. Deployed the machine learning model.pkl with Heroku.
  2. Fixed some issues and improved the accuracy a little bit.

Link to Progress - Delhi Real-estate Price Prediction.

Day 27 : July 21, 2020 | Improving Front-End

  1. Learnt basic html and css as I've no prior experience with Front-end.
  2. CS50's web Programming course is a great resource to learn.

Link to Progress - CS50's Web Development.

Day 28 : July 22, 2020 | Invoking Machine Learning API's

  1. Enrolled into Google Machine Learning Specialization Course and completed upto modeule 3.
  2. Exploring Rest API's from Qwicklab.

Link to Progress - How Google does Machine Learning.

Day 29 : July 23, 2020 | Hyperparameter Tuning with Diabetes dataset

  1. Finished yesterday's course - How Google Does Machine Learning.
  2. Joined the live class by Krish Naik on hyperparameter-tuning with diabetes data.

Link to Progress - Hyper Parameter Tuning.

Day 30 : July 24, 2020 | Launching into Machine Learning

  1. Completed upto Decision Trees and re-visited archived courses to note-making for future self XD.

Link to Progress - Check Resources Column

Day 31 : July 25, 2020 | CS229: Stanford

  1. Taking notes of CS229: Machine Learning, this is great alternative of Coursera's Andrew Ng ml course.
  2. Continuing with the epic Fast.ai course and finished Launching into Machine Learning course.

Link to Progress - CS229: Machine Learning.

Day 32 : July 26, 2020 | Pima Indians Diabetes Database

  1. Prediction of Diabetes Dataset on kaggle done with RandomForestRegressor.
  2. Follow Krish Naik's Live project videos to learn more - Diabetes Prediction using Machine Learning

Link to Progress -

Day 33 : July 27, 2020 | Problem Set 1

  1. Submitted the first Problem Set of CS50AI.

Link to Progress -

Day 34 : July 28, 2020 | TensorFlow

  1. Started Intro to TensorFlow from Qwicklab and completed first two lab with basic operations.
  2. Brushing up python with NumPy and Panda.

Link to Progress -

Day 35 : July 29, 2020 | Intro to TensorFlow

  1. Continuing the GCP course on TensorFlow, the course is well structured but beginner friendly.

Link to Progress - .

Day 36 : July 30, 2020 | Cab Price Prediction

  1. Predicted the cab price data with Linear Regression and DNN, got rmse < 10.
  2. This one is the part of the course assignment, the notebook is available in the following link.

Link to Progress - training-data-analyst.

Day 37 : July 31, 2020 | Deployment using Cloud AI platform

  1. Scaling up cab price model.py file using Cloud AI Platform on GCP.
  2. This is also part course assignment, check this repo.

Link to Progress - Scaling up ML using Cloud AI Platform.

Day 38 : August 1, 2020 | Implementing Decision Tree

  1. A decision tree is a flowchart-like structure in which each internal node represents a "test" on an attribute, each branch represents the outcome of the test, and each leaf node represents a class label.

Link to Progress - Classification Trees in Python, From Start To Finish.

Day 39 : August 2, 2020 | Moving Into DL

  1. Started learning Deep Learning with the MIT Deep Learning Playlist available on YouTube.
  2. Completed the first task of assignment - 1, Deep learning basics.

Link to Progress - Boston Housing Price Prediction with FFNN.

Day 40 : August 3, 2020 | Planar data classification with a hidden layer

  1. Continuing the epic Deep Learning course thought by Andrew Ng.
  2. Finished the 3'rd week's assignment on Planar data classification with a hidden layer.

Link to Progress - Planar data classification with a hidden layer.

Day 41 : August 4, 2020 | Neural Network from Scratch

    1. In week 4 of deeplearning.ai course, built a Neural Network from scratch.

Link to Progress - Building Deep Neural Network.

Day 42 : August 5, 2020 | Intro to TensorFlow

  1. Completed the first assignment of MIT6.S191, thaught by Alexander Amini.
  2. The part - 1 describes basic operations in TensorFlow and the aumated differentiation.

Link to Progress - Intro to TensorFlow.

Day 43 : August 6, 2020 | Recognition of Digits using CNN

  1. Completed the second part of assignment-1 of Lex Fridman DL Lectures.
  2. It build the overview of how hand written digits can be recognised using CNN.

Link to Progress - Classification of MNIST Dreams with Convolutional Neural Networks.

Day 44 : August 7, 2020 |

Link to Progress -

Day 45 : August 8, 2020 |

Day 46 : August 9, 2020 |

Day 47 : August 10, 2020 |

Day 48 : August 11, 2020 |

Day 49 : August 12, 2020 |

Day 50 : August 13, 2020 |

Day 51 : August 14, 2020 |

Day 52 : August 15, 2020 |

Day 53 : August 16, 2020 |

Day 54 : August 17, 2020 |

Day 55 : August 18, 2020 |

Day 56 : August 19, 2020 |

Day 57 : August 20, 2020 |

Day 58 : August 21, 2020 |

Day 59 : August 22, 2020 |

Day 60 : August 23, 2020 |

Day 61 : August 24, 2020 |

Day 62 : August 25, 2020 |

Day 63 : August 26, 2020 |

Day 64 : August 27, 2020 |

Day 65 : August 28, 2020 | Transfer Learning

Link to Progress -

Day 66 : August 29, 2020 | Using Custom Estimator in Time-Series

Link to Progress -

Day 67 : August 30, 2020 | Auto-encoders

  1. Reducing image noises with auto-encoders in TensorFlow.
  2. This rhyme interface developed the understanding of auto-encoders.

Link to Progress -

Day 68 : August 31, 2020 | Traffic Sign Recognition with Keras

  1. Converted images to grayscale, performed normalization, then applied CNN to it.
  2. This rhyme course is one of the most useful as it's a great project of computer vision.

Link to Progress -

Day 69 : September 1, 2020 | Image Compression with K-Means Clustering

  1. Today I learnt k-means clustering and applied it to compress images.
  2. This Coursera Project is most useful so far.

Link to Progress -

Day 70 : September 2, 2020 | What-If Tool with Image Recognition Models

  1. Detecting Smiles in Images with What-if Tool in qwiklabs.

Link to Progress - What-If Tool with Image Recognition Models.

Day 71 : September 3, 2020 | Predicting Heart Disease with Decision Trees

  1. Build a Classification Tree, which uses continuous and categorical data from the UCI Machine Learning Repository to predict whether or not a patient has heart disease.

Link to Progress Classification Trees in Python, From Start To Finish.

Day 72 : September 4, 2020 | Implementing Convolution Layer

  1. So, this is the first assignment of CNN course by deeplearning.ai, the lectures are very useful, also available on their YouTube channel.
  2. Implemented single Convolution layer from scratch.

Link to Progress - Convolutional Model: step by step.

Day 73 : September 5, 2020 | Convolutional model Application

  1. Completed the second assignment of CNN (deeplearning.ai).

Link to Progress - Convolutional model: application.

Day 74 : September 6, 2020 | Deeplearning for Coders

  1. Started the epic Fast.ai course-v4 - Deeplearning For Coders.
  2. I used google colab to follow the course, check the documentation if faced any error in setup.

Link to Progress -

Day 75 : September 7, 2020 | Tomato Disease

  1. Got 84% accuracy on predicting Tomato leaf diseases.
  2. The tutorial is avaible on here if you wish to follow along.

Link to Progress -

Day 76 : September 8, 2020 | Keras

  1. Predicted signs with Resnet50 in Keras, it's the optional assignment of deeplearning.ai cnn course.
  2. check out the repo to follow along with the Keras tutorial.

Link to Progress -

Day 77 : September 9, 2020 | Object Detection with YOLO

  1. Continuing with previous day, completed week 3 assignment, detecting cars with YOLO algorithm.

Link to Progress -

Day 78 : September 10, 2020 | Face Recognition

  1. Implemented face verification and recognition with Inception model.
  2. Though it's the second part of the week 4, completed it as the lecture part of the Neural style transfer isn't completed.

Link to Progress -

Day 79 : September 11, 2020 | Art Generation with AI

  1. Finished CNN course of deeplearning.ai with the final assignment. The assignments are great for the future projects as well.

Link to Progress -

Day 80 : September 12, 2020 |

Link to Progress -

About

Machine Learning is the most transformative technology of our time. Whether its helping us discover new drugs for major diseases, fighting fraud, generating music, improving supply chain efficiency, the list of applications are truly endless. In order for us as a community to be able to make valuable contributions to the world, we need to master this technology. This is a call to action, a battle cry, a spark that will light a movement to radically improve the state of humanity. 100 Days of ML Code is a committment to better your understanding of this powerful tool by dedicating at least 1 hour of your time everyday to studying and/or coding machine learning for 100 days.

License:MIT License


Languages

Language:Jupyter Notebook 99.4%Language:Python 0.5%Language:HTML 0.1%