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
Owner
Vanshika Mishra
I am a Data Science Enthusiast. Research and open source piques my interests
Vanshika Mishra
[NeurIPS 2021] Large Scale Learning on Non-Homophilous Graphs: New Benchmarks and Strong Simple Methods

Large Scale Learning on Non-Homophilous Graphs: New Benchmarks and Strong Simple Methods Large Scale Learning on Non-Homophilous Graphs: New Benchmark

60 Jan 03, 2023
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch

This repository holds NVIDIA-maintained utilities to streamline mixed precision and distributed training in Pytorch. Some of the code here will be included in upstream Pytorch eventually. The intenti

NVIDIA Corporation 6.9k Jan 03, 2023
Custom TensorFlow2 implementations of forward and backward computation of soft-DTW algorithm in batch mode.

Batch Soft-DTW(Dynamic Time Warping) in TensorFlow2 including forward and backward computation Custom TensorFlow2 implementations of forward and backw

19 Aug 30, 2022
Code for "Retrieving Black-box Optimal Images from External Databases" (WSDM 2022)

Retrieving Black-box Optimal Images from External Databases (WSDM 2022) We propose how a user retreives an optimal image from external databases of we

joisino 5 Apr 13, 2022
Robot Hacking Manual (RHM). From robotics to cybersecurity. Papers, notes and writeups from a journey into robot cybersecurity.

RHM: Robot Hacking Manual Download in PDF RHM v0.4 ┃ Read online The Robot Hacking Manual (RHM) is an introductory series about cybersecurity for robo

Víctor Mayoral Vilches 233 Dec 30, 2022
WRENCH: Weak supeRvision bENCHmark

🔧 What is it? Wrench is a benchmark platform containing diverse weak supervision tasks. It also provides a common and easy framework for development

Jieyu Zhang 176 Dec 28, 2022
ImageNet-CoG is a benchmark for concept generalization. It provides a full evaluation framework for pre-trained visual representations which measure how well they generalize to unseen concepts.

The ImageNet-CoG Benchmark Project Website Paper (arXiv) Code repository for the ImageNet-CoG Benchmark introduced in the paper "Concept Generalizatio

NAVER 23 Oct 09, 2022
(JMLR'19) A Python Toolbox for Scalable Outlier Detection (Anomaly Detection)

Python Outlier Detection (PyOD) Deployment & Documentation & Stats Build Status & Coverage & Maintainability & License PyOD is a comprehensive and sca

Yue Zhao 6.6k Jan 03, 2023
Implementation for HFGI: High-Fidelity GAN Inversion for Image Attribute Editing

HFGI: High-Fidelity GAN Inversion for Image Attribute Editing High-Fidelity GAN Inversion for Image Attribute Editing Update: We released the inferenc

Tengfei Wang 371 Dec 30, 2022
Code to accompany the paper "Finding Bipartite Components in Hypergraphs", which is published in NeurIPS'21.

Finding Bipartite Components in Hypergraphs This repository contains code to accompany the paper "Finding Bipartite Components in Hypergraphs", publis

Peter Macgregor 5 May 06, 2022
PipeTransformer: Automated Elastic Pipelining for Distributed Training of Large-scale Models

PipeTransformer: Automated Elastic Pipelining for Distributed Training of Large-scale Models This repository is the official implementation of the fol

DistributedML 41 Dec 06, 2022
A program to recognize fruits on pictures or videos using yolov5

Yolov5 Fruits Detector Requirements Either Linux or Windows. We recommend Linux for better performance. Python 3.6+ and PyTorch 1.7+. Installation To

Fateme Zamanian 30 Jan 06, 2023
Lite-HRNet: A Lightweight High-Resolution Network

LiteHRNet Benchmark 🔥 🔥 Based on MMsegmentation 🔥 🔥 Cityscapes FCN resize concat config mIoU last mAcc last eval last mIoU best mAcc best eval bes

16 Dec 12, 2022
RCD: Relation Map Driven Cognitive Diagnosis for Intelligent Education Systems

RCD: Relation Map Driven Cognitive Diagnosis for Intelligent Education Systems This is our implementation for the paper: Weibo Gao, Qi Liu*, Zhenya Hu

BigData Lab @USTC 中科大大数据实验室 10 Oct 16, 2022
PyTorch implementations of the paper: "Learning Independent Instance Maps for Crowd Localization"

IIM - Crowd Localization This repo is the official implementation of paper: Learning Independent Instance Maps for Crowd Localization. The code is dev

tao han 91 Nov 10, 2022
Repository accompanying the "Sign Pose-based Transformer for Word-level Sign Language Recognition" paper

by Matyáš Boháček and Marek Hrúz, University of West Bohemia Should you have any questions or inquiries, feel free to contact us here. Repository acco

Matyáš Boháček 30 Dec 30, 2022
Data from "HateCheck: Functional Tests for Hate Speech Detection Models" (Röttger et al., ACL 2021)

In this repo, you can find the data from our ACL 2021 paper "HateCheck: Functional Tests for Hate Speech Detection Models". "test_suite_cases.csv" con

Paul Röttger 43 Nov 11, 2022
BMVC 2021: This is the github repository for "Few Shot Temporal Action Localization using Query Adaptive Transformers" accepted in British Machine Vision Conference (BMVC) 2021, Virtual

FS-QAT: Few Shot Temporal Action Localization using Query Adaptive Transformer Accepted as Poster in BMVC 2021 This is an official implementation in P

Sauradip Nag 14 Dec 09, 2022
The Empirical Investigation of Representation Learning for Imitation (EIRLI)

The Empirical Investigation of Representation Learning for Imitation (EIRLI)

Center for Human-Compatible AI 31 Nov 06, 2022
Python3 / PyTorch implementation of the following paper: Fine-grained Semantics-aware Representation Enhancement for Self-supervisedMonocular Depth Estimation. ICCV 2021 (oral)

FSRE-Depth This is a Python3 / PyTorch implementation of FSRE-Depth, as described in the following paper: Fine-grained Semantics-aware Representation

77 Dec 28, 2022