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
GANfolk: Using AI to create portraits of fictional people to sell as NFTs

GANfolk are AI-generated renderings of fictional people. Each image in the collection was created by a pair of Generative Adversarial Networks (GANs) with names and backstories also created with AI.

Robert A. Gonsalves 32 Dec 02, 2022
Spontaneous Facial Micro Expression Recognition using 3D Spatio-Temporal Convolutional Neural Networks

Spontaneous Facial Micro Expression Recognition using 3D Spatio-Temporal Convolutional Neural Networks Abstract Facial expression recognition in video

Bogireddy Sai Prasanna Teja Reddy 103 Dec 29, 2022
Explore the Expression: Facial Expression Generation using Auxiliary Classifier Generative Adversarial Network

Explore the Expression: Facial Expression Generation using Auxiliary Classifier Generative Adversarial Network This is the official implementation of

azad 2 Jul 09, 2022
Another pytorch implementation of FCN (Fully Convolutional Networks)

FCN-pytorch-easiest Trying to be the easiest FCN pytorch implementation and just in a get and use fashion Here I use a handbag semantic segmentation f

Y. Dong 158 Dec 21, 2022
Official implementation of "Towards Good Practices for Efficiently Annotating Large-Scale Image Classification Datasets" (CVPR2021)

Towards Good Practices for Efficiently Annotating Large-Scale Image Classification Datasets This is the official implementation of "Towards Good Pract

Sanja Fidler's Lab 52 Nov 22, 2022
U-Net for GBM

My Final Year Project(FYP) In National University of Singapore(NUS) You need Pytorch(stable 1.9.1) Both cuda version and cpu version are OK File Str

PinkR1ver 1 Oct 27, 2021
Implementation of the paper "Shapley Explanation Networks"

Shapley Explanation Networks Implementation of the paper "Shapley Explanation Networks" at ICLR 2021. Note that this repo heavily uses the experimenta

68 Dec 27, 2022
🤗 Transformers: State-of-the-art Natural Language Processing for Pytorch, TensorFlow, and JAX.

English | 简体中文 | 繁體中文 | 한국어 State-of-the-art Natural Language Processing for Jax, PyTorch and TensorFlow 🤗 Transformers provides thousands of pretrai

Hugging Face 77.4k Jan 05, 2023
PlenOctrees: NeRF-SH Training & Conversion

PlenOctrees Official Repo: NeRF-SH training and conversion This repository contains code to train NeRF-SH and to extract the PlenOctree, constituting

Alex Yu 323 Dec 29, 2022
Computational inteligence project on faces in the wild dataset

Table of Contents The general idea How these scripts work? Loading data Needed modules and global variables Parsing the arrays in dataset Extracting a

tooraj taraz 4 Oct 21, 2022
Sequence to Sequence (seq2seq) Recurrent Neural Network (RNN) for Time Series Forecasting

Sequence to Sequence (seq2seq) Recurrent Neural Network (RNN) for Time Series Forecasting Note: You can find here the accompanying seq2seq RNN forecas

Guillaume Chevalier 1k Dec 25, 2022
Official Pytorch Implementation for Splicing ViT Features for Semantic Appearance Transfer presenting Splice

Splicing ViT Features for Semantic Appearance Transfer [Project Page] Splice is a method for semantic appearance transfer, as described in Splicing Vi

Omer Bar Tal 253 Jan 06, 2023
Implementation of ConvMixer in TensorFlow and Keras

ConvMixer ConvMixer, an extremely simple model that is similar in spirit to the ViT and the even-more-basic MLP-Mixer in that it operates directly on

Sayan Nath 8 Oct 03, 2022
22 Oct 14, 2022
《Geo Word Clouds》paper implementation

《Geo Word Clouds》paper implementation

Russellwzr 2 Jan 28, 2022
Pytorch implementation of One-Shot Affordance Detection

One-shot Affordance Detection PyTorch implementation of our one-shot affordance detection models. This repository contains PyTorch evaluation code, tr

46 Dec 12, 2022
Official Pytorch implementation of RePOSE (ICCV2021)

RePOSE: Iterative Rendering and Refinement for 6D Object Detection (ICCV2021) [Link] Abstract We present RePOSE, a fast iterative refinement method fo

Shun Iwase 68 Nov 15, 2022
Official Implementation of VAT

Semantic correspondence Few-shot segmentation Cost Aggregation Is All You Need for Few-Shot Segmentation For more information, check out project [Proj

Hamacojr 114 Dec 27, 2022
A solution to the 2D Ising model of ferromagnetism, implemented using the Metropolis algorithm

Solving the Ising model on a 2D lattice using the Metropolis Algorithm Introduction The Ising model is a simplified model of ferromagnetism, the pheno

Rohit Prabhu 5 Nov 13, 2022
[Pedestron] Generalizable Pedestrian Detection: The Elephant In The Room. @ CVPR2021

Pedestron Pedestron is a MMdetection based repository, that focuses on the advancement of research on pedestrian detection. We provide a list of detec

Irtiza Hasan 594 Jan 05, 2023