This repository contains implementations of all Machine Learning Algorithms from scratch in Python. Mathematics required for ML and many projects have also been included.

Overview

👏 Pre- requisites to Machine Learning

                                                                                                                       Key :-
1️⃣ Python Basics                                                                                                      🔴 Not Done Yet 
    a. Python basics :- variables, list, sets, tuples, loops, functions, lambda functions, dictionary, input methods   rest are completed
    b. Python Oops
    c. File and Error Handling 
    d. Iteration Protocol and Generators
    
2️⃣ Data Acquisition
    a. Data Acquisition using Beautiful Soup 
    b. Data Acquisition using Web APIs
    
3️⃣ Python Libraries :-
    a. Numpy
    b. Matplotlib
    c. Seaborn
    d. Pandas
   🔴Plotly
    
4️⃣ Feature Selection and Extraction
    a.Feature Selection - Chi2 test, RandomForest Classifier
    b.Feature Extraction - Principal Component Analysis

💯 Basics of Machine Learning

1️⃣ Basic
    ✅Types of ML
    ✅Challenges in ML
    ✅Overfitting and Underfitting
    🔴Testing and Validation
    🔴Cross Validation
    🔴Grid Search
    🔴Random Search
    🔴Confusion Matrix
    🔴Precision, Recall ], F1 Score
    🔴ROC-AUC Curve
 
 2️⃣ Predictive Modelling
   🔴Introduction to Predictive Modelling
   🔴Model in Analytics
   🔴Bussiness Problem and Prediction Model
   🔴Phases of Predictive Modelling
   🔴Data Exploration for Modelling
   🔴Data and Patterns
   🔴Identifying Missing Data
   🔴Outlier Detection
   🔴Z-Score
   🔴IQR
   🔴Percentile

🔥 Machine-Learning

1️⃣ K- Nearest Neighbour:-
       - Theory
       - Implementation
       
2️⃣ Linear Regression
       - What is Linear Regression
       - What is gradient descent
       - Implementation of gradient descent
       - Importance of Learning Rate
       - Types of Gradient Descent
       - Making predictions on data set
       - Contour and Surface Plots
       - Visualizing Loss function and Gradient Descent
       🔴 Polynomial Regression
       🔴Regularization
       🔴Ridge Regression
       🔴Lasso Regression
       🔴Elastic Net and Early Stopping 
       - Multivariate Linear Regression on boston housing dataset
       - Optimization of Multivariate Linear Regression 
       - Using Scikit Learn for Linear Regression  
       - Closed Form Solution
       - LOWESS - Locally Weighted Regression
       - Maximum Likelihood Estimation
       - Project - Air Pollution Regression
      
 3️⃣ Logistic Regression
      - Hypothesis function
      - Log Loss
      - Proof of Log loss by MLE
      - Gradient Descent Update rule for Logistic Regression
      - Gradient Descent Implementation of Logistic Regression
      🔴Multiclass Classification
      - Sk-Learn Implementation of Logistic Regression on chemical classification dataset.
      
4️⃣ Natural Language Processing 
      - Bag of Words Pipeline 
      - Tokenization and Stopword Removal
      - Regex based Tokenization
      - Stemming & Lemmatization
      - Constructing Vocab
      - Vectorization with Stopwords Removal
      - Bag of Words Model- Unigram, Bigram, Trigram, n- gram
      - TF-IDF Normalization     
      
5️⃣ Naive Bayes
      - Bayes Theorem Formula 
      - Bayes Theorem - Spam or not
      - Bayes Theorem - Disease or not
      - Mushroom Classification
      - Text Classification
      - Laplace Smoothing
      - Multivariate Bernoulli Naive Bayes
      - Multivariate Event Model Naive Bayes
      - Multivariate Bernoulli Naive Bayes vs Multivariate Event Model Naive Bayes
      - Gaussian Naive Bayes
      🔴 Project on Naive Bayes
      
6️⃣ Decision Tree 
      - Entropy
      - Information Gain
      - Process Kaggle Titanic Dataset 
      - Implementation of Information Gain
      - Implementation of Decision Tree
      - Making Predictions
      - Decision Trees using Sci-kit Learn
     
          
 7️⃣ Support Vector Machine 
      - SVM Implementation in Python
      🔴Different Types of Kernel
      🔴Project on SVC
      🔴Project on SVR
      🔴Project on SVC
  
 8️⃣ Principal Component Analysis
     🔴 PCA in Python 
     🔴 PCA Project
     🔴 Fail Case of PCA (Swiss Roll)
     
 9️⃣ K- Means
      🔴 Implentation in Python
      - Implementation using Libraries
      - K-Means ++
      - DBSCAN 
      🔴 Project
 
 🔟 Ensemble Methods and Random Forests
     🔴Ensemble and Voting Classifiers
     🔴Bagging and Pasting
     🔴Random Forest
     🔴Extra Tree
     🔴 Ada Boost
     🔴 Gradient Boosting
     🔴 Gradient Boosting with Sklearn
     🔴 Stacking Ensemble Learning
  
  1️⃣1️⃣  Unsupervised Learning
     🔴 Hierarchical Clustering
     🔴 DBSCAN 
     🔴 BIRCH 
     🔴 Mean - Shift
     🔴 Affinity Propagation
     🔴 Anomaly Detection
     🔴Spectral Clustering
     🔴 Gaussian Mixture
     🔴 Bayesian Gaussian Mixture Models

💯 Mathematics required for Machine Learning

    1️⃣ Statistics:
        a. Measures of central tendency – mean, median, mode
        b. measures of dispersion – mean deviation, standard deviation, quartile deviation, skewness and kurtosis.
        c. Correlation coefficient, regression, least squares principles of curve fitting
        
    2️⃣ Probability:
        a. Introduction, finite sample spaces, conditional probability and independence, Bayes’ theorem, one dimensional random variable, mean, variance.
        
    3️⃣ Linear Algebra :- scalars,vectors,matrices,tensors.transpose,broadcasting,matrix multiplication, hadamard product,norms,determinants, solving linear equations

📚 Handwritten notes with proper implementation and Mathematics Derivations of each algorithm from scratch

   ✅ KNN 
   ✅ Linear Regressio
   ✅ Logistic Regression 
   ✅ Feature Selection and Extraction
   ✅ Naive Bayes

🙌 Projects :-

    🔅 Movie Recommendation System
    🔅 Diabetes Classification 
    🔅 Handwriting Recognition
    🔅 Linkedin Webscraping
    🔅 Air Pollution Regression
You might also like...
Hack Camera, Microphone, Location, Clipboard With Just a Link. Also, Get Many Details About Victim's Device. And So On...
Hack Camera, Microphone, Location, Clipboard With Just a Link. Also, Get Many Details About Victim's Device. And So On...

An Automated Tool to Hack Victim's Camera, Microphone, Location, Clipboard. Has 2 Extra Features. Version 1.1 Update Fixed Some Major Bugs Data Saving

M2MRF: Many-to-Many Reassembly of Features for Tiny Lesion Segmentation in Fundus Images

M2MRF: Many-to-Many Reassembly of Features for Tiny Lesion Segmentation in Fundus Images This repo is the official implementation of paper "M2MRF: Man

PyTorch implementations of deep reinforcement learning algorithms and environments
PyTorch implementations of deep reinforcement learning algorithms and environments

Deep Reinforcement Learning Algorithms with PyTorch This repository contains PyTorch implementations of deep reinforcement learning algorithms and env

Pytorch implementations of popular off-policy multi-agent reinforcement learning algorithms, including QMix, VDN, MADDPG, and MATD3.

Off-Policy Multi-Agent Reinforcement Learning (MARL) Algorithms This repository contains implementations of various off-policy multi-agent reinforceme

Independent and minimal implementations of some reinforcement learning algorithms using PyTorch (including PPO, A3C, A2C, ...).

PyTorch RL Minimal Implementations There are implementations of some reinforcement learning algorithms, whose characteristics are as follow: Less pack

✔️ Visual, reactive testing library for Julia. Time machine included.
✔️ Visual, reactive testing library for Julia. Time machine included.

PlutoTest.jl (alpha release) Visual, reactive testing library for Julia A macro @test that you can use to verify your code's correctness. But instead

PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.
PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.

PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.

An image base contains 490 images for learning (400 cars and 90 boats), and another 21 images for testingAn image base contains 490 images for learning (400 cars and 90 boats), and another 21 images for testing
An image base contains 490 images for learning (400 cars and 90 boats), and another 21 images for testingAn image base contains 490 images for learning (400 cars and 90 boats), and another 21 images for testing

SVM Données Une base d’images contient 490 images pour l’apprentissage (400 voitures et 90 bateaux), et encore 21 images pour fait des tests. Prétrait

Have you ever wondered how cool it would be to have your own A.I

Have you ever wondered how cool it would be to have your own A.I. assistant Imagine how easier it would be to send emails without typing a single word, doing Wikipedia searches without opening web browsers, and performing many other daily tasks like playing music with the help of a single voice command.

Owner
Vanshika Mishra
I am a Data Science Enthusiast. Research and open source piques my interests
Vanshika Mishra
Automatic self-diagnosis program (python required)Automatic self-diagnosis program (python required)

auto-self-checker 자동으로 자가진단 해주는 프로그램(python 필요) 중요 이 프로그램이 실행될때에는 절대로 마우스포인터를 움직이거나 키보드를 건드리면 안된다(화면인식, 마우스포인터로 직접 클릭) 사용법 프로그램을 구동할 폴더 내의 cmd창에서 pip

null 1 Dec 30, 2021
Neural-net-from-scratch - A simple Neural Network from scratch in Python using the Pymathrix library

A Simple Neural Network from scratch A Simple Neural Network from scratch in Pyt

Youssef Chafiqui 2 Jan 7, 2022
Contrastive Learning for Many-to-many Multilingual Neural Machine Translation(mCOLT/mRASP2), ACL2021

Contrastive Learning for Many-to-many Multilingual Neural Machine Translation(mCOLT/mRASP2), ACL2021 The code for training mCOLT/mRASP2, a multilingua

null 104 Jan 1, 2023
aka "Bayesian Methods for Hackers": An introduction to Bayesian methods + probabilistic programming with a computation/understanding-first, mathematics-second point of view. All in pure Python ;)

Bayesian Methods for Hackers Using Python and PyMC The Bayesian method is the natural approach to inference, yet it is hidden from readers behind chap

Cameron Davidson-Pilon 25.1k Jan 2, 2023
A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.

Light Gradient Boosting Machine LightGBM is a gradient boosting framework that uses tree based learning algorithms. It is designed to be distributed a

Microsoft 14.5k Jan 8, 2023
All the essential resources and template code needed to understand and practice data structures and algorithms in python with few small projects to demonstrate their practical application.

Data Structures and Algorithms Python INDEX 1. Resources - Books Data Structures - Reema Thareja competitiveCoding Big-O Cheat Sheet DAA Syllabus Inte

Shushrut Kumar 129 Dec 15, 2022
This repository contains the implementations related to the experiments of a set of publicly available datasets that are used in the time series forecasting research space.

TSForecasting This repository contains the implementations related to the experiments of a set of publicly available datasets that are used in the tim

Rakshitha Godahewa 80 Dec 30, 2022
This repository contains notebook implementations of the following Neural Process variants: Conditional Neural Processes (CNPs), Neural Processes (NPs), Attentive Neural Processes (ANPs).

The Neural Process Family This repository contains notebook implementations of the following Neural Process variants: Conditional Neural Processes (CN

DeepMind 892 Dec 28, 2022
This repo contains the code required to train the multivariate time-series Transformer.

Multi-Variate Time-Series Transformer This repo contains the code required to train the multivariate time-series Transformer. Download the data The No

Gregory Duthé 4 Nov 24, 2022