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
Time Delayed NN implemented in pytorch

Pytorch Time Delayed NN Time Delayed NN implemented in PyTorch. Usage kernels = [(1, 25), (2, 50), (3, 75), (4, 100), (5, 125), (6, 150)] tdnn = TDNN

Daniil Gavrilov 79 Aug 04, 2022
Add gui for YoloV5 using PyQt5

HEAD 更新2021.08.16 **添加图片和视频保存功能: 1.图片和视频按照当前系统时间进行命名 2.各自检测结果存放入output文件夹 3.摄像头检测的默认设备序号更改为0,减少调试报错 温馨提示: 1.项目放置在全英文路径下,防止项目报错 2.默认使用cpu进行检测,自

Ruihao Wang 65 Dec 27, 2022
Learning to Prompt for Vision-Language Models.

CoOp Paper: Learning to Prompt for Vision-Language Models Authors: Kaiyang Zhou, Jingkang Yang, Chen Change Loy, Ziwei Liu CoOp (Context Optimization)

Kaiyang 679 Jan 04, 2023
This script scrapes and stores the availability of timeslots for Car Driving Test at all RTA Serivce NSW centres in the state.

This script scrapes and stores the availability of timeslots for Car Driving Test at all RTA Serivce NSW centres in the state. Dependencies Account wi

Balamurugan Soundararaj 21 Dec 14, 2022
Code for "Unsupervised State Representation Learning in Atari"

Unsupervised State Representation Learning in Atari Ankesh Anand*, Evan Racah*, Sherjil Ozair*, Yoshua Bengio, Marc-Alexandre Côté, R Devon Hjelm This

Mila 217 Jan 03, 2023
Open-source codebase for EfficientZero, from "Mastering Atari Games with Limited Data" at NeurIPS 2021.

EfficientZero (NeurIPS 2021) Open-source codebase for EfficientZero, from "Mastering Atari Games with Limited Data" at NeurIPS 2021. Thank you for you

Weirui Ye 671 Jan 03, 2023
Code for CVPR2021 paper "Learning Salient Boundary Feature for Anchor-free Temporal Action Localization"

AFSD: Learning Salient Boundary Feature for Anchor-free Temporal Action Localization This is an official implementation in PyTorch of AFSD. Our paper

Tencent YouTu Research 146 Dec 24, 2022
Machine Learning Models were applied to predict the mass of the brain based on gender, age ranges, and head size.

Brain Weight in Humans Variations of head sizes and brain weights in humans Kaggle dataset obtained from this link by Anubhab Swain. Image obtained fr

Anne Livia 1 Feb 02, 2022
Geometric Sensitivity Decomposition

Geometric Sensitivity Decomposition This repo is the official implementation of A Geometric Perspective towards Neural Calibration via Sensitivity Dec

16 Dec 26, 2022
Navigating StyleGAN2 w latent space using CLIP

Navigating StyleGAN2 w latent space using CLIP an attempt to build sth with the official SG2-ADA Pytorch impl kinda inspired by Generating Images from

Mike K. 55 Dec 06, 2022
Chess reinforcement learning by AlphaGo Zero methods.

About Chess reinforcement learning by AlphaGo Zero methods. This project is based on these main resources: DeepMind's Oct 19th publication: Mastering

Samuel 2k Dec 29, 2022
StyleMapGAN - Official PyTorch Implementation

StyleMapGAN - Official PyTorch Implementation StyleMapGAN: Exploiting Spatial Dimensions of Latent in GAN for Real-time Image Editing Hyunsu Kim, Yunj

NAVER AI 425 Dec 23, 2022
Weakly Supervised Scene Text Detection using Deep Reinforcement Learning

Weakly Supervised Scene Text Detection using Deep Reinforcement Learning This repository contains the setup for all experiments performed in our Paper

Emanuel Metzenthin 3 Dec 16, 2022
Python Single Object Tracking Evaluation

pysot-toolkit The purpose of this repo is to provide evaluation API of Current Single Object Tracking Dataset, including VOT2016 VOT2018 VOT2018-LT OT

348 Dec 22, 2022
fklearn: Functional Machine Learning

fklearn: Functional Machine Learning fklearn uses functional programming principles to make it easier to solve real problems with Machine Learning. Th

nubank 1.4k Dec 07, 2022
Code for PhySG: Inverse Rendering with Spherical Gaussians for Physics-based Relighting and Material Editing

PhySG: Inverse Rendering with Spherical Gaussians for Physics-based Relighting and Material Editing CVPR 2021. Project page: https://kai-46.github.io/

Kai Zhang 141 Dec 14, 2022
Code for "PV-RAFT: Point-Voxel Correlation Fields for Scene Flow Estimation of Point Clouds", CVPR 2021

PV-RAFT This repository contains the PyTorch implementation for paper "PV-RAFT: Point-Voxel Correlation Fields for Scene Flow Estimation of Point Clou

Yi Wei 43 Dec 05, 2022
The authors' official PyTorch SigWGAN implementation

The authors' official PyTorch SigWGAN implementation This repository is the official implementation of [Sig-Wasserstein GANs for Time Series Generatio

9 Jun 16, 2022
Implementation of ConvMixer-Patches Are All You Need? in TensorFlow and Keras

Patches Are All You Need? - ConvMixer ConvMixer, an extremely simple model that is similar in spirit to the ViT and the even-more-basic MLP-Mixer in t

Sayan Nath 8 Oct 03, 2022
TensorFlow implementation of Style Transfer Generative Adversarial Networks: Learning to Play Chess Differently.

Adversarial Chess TensorFlow implementation of Style Transfer Generative Adversarial Networks: Learning to Play Chess Differently. Requirements To run

Muthu Chidambaram 30 Sep 07, 2021