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
Towards Understanding Quality Challenges of the Federated Learning: A First Look from the Lens of Robustness

FL Analysis This repository contains the code and results for the paper "Towards Understanding Quality Challenges of the Federated Learning: A First L

3 Oct 17, 2022
Official repository for "On Generating Transferable Targeted Perturbations" (ICCV 2021)

On Generating Transferable Targeted Perturbations (ICCV'21) Muzammal Naseer, Salman Khan, Munawar Hayat, Fahad Shahbaz Khan, and Fatih Porikli Paper:

Muzammal Naseer 46 Nov 17, 2022
VQGAN+CLIP Colab Notebook with user-friendly interface.

VQGAN+CLIP and other image generation system VQGAN+CLIP Colab Notebook with user-friendly interface. Latest Notebook: Mse regulized zquantize Notebook

Justin John 227 Jan 05, 2023
To SMOTE, or not to SMOTE?

To SMOTE, or not to SMOTE? This package includes the code required to repeat the experiments in the paper and to analyze the results. To SMOTE, or not

Amazon Web Services 1 Jan 03, 2022
Training PSPNet in Tensorflow. Reproduce the performance from the paper.

Training Reproduce of PSPNet. (Updated 2021/04/09. Authors of PSPNet have provided a Pytorch implementation for PSPNet and their new work with support

Li Xuhong 126 Jul 13, 2022
Puzzle-CAM: Improved localization via matching partial and full features.

Puzzle-CAM The official implementation of "Puzzle-CAM: Improved localization via matching partial and full features".

Sanghyun Jo 150 Nov 14, 2022
Implementation of Nyström Self-attention, from the paper Nyströmformer

Nyström Attention Implementation of Nyström Self-attention, from the paper Nyströmformer. Yannic Kilcher video Install $ pip install nystrom-attention

Phil Wang 95 Jan 02, 2023
Web-interface + rest API for classification and regression (https://jeff1evesque.github.io/machine-learning.docs)

Machine Learning This project provides a web-interface, as well as a programmatic-api for various machine learning algorithms. Supported algorithms: S

Jeff Levesque 252 Dec 11, 2022
Open source Python module for computer vision

About PCV PCV is a pure Python library for computer vision based on the book "Programming Computer Vision with Python" by Jan Erik Solem. More details

Jan Erik Solem 1.9k Jan 06, 2023
Random Walk Graph Neural Networks

Random Walk Graph Neural Networks This repository is the official implementation of Random Walk Graph Neural Networks. Requirements Code is written in

Giannis Nikolentzos 38 Jan 02, 2023
PyTorch experiments with the Zalando fashion-mnist dataset

zalando-pytorch PyTorch experiments with the Zalando fashion-mnist dataset Project Organization ├── LICENSE ├── Makefile - Makefile with co

Federico Baldassarre 31 Sep 25, 2021
"Graph Neural Controlled Differential Equations for Traffic Forecasting", AAAI 2022

Graph Neural Controlled Differential Equations for Traffic Forecasting Setup Python environment for STG-NCDE Install python environment $ conda env cr

Jeongwhan Choi 55 Dec 28, 2022
AI Summer's complete catalog of articles

Learn Deep Learning with AI Summer A collection of all articles (almost 100) written for the AI Summer blog organized by topic. Deep Learning Theory M

AI Summer 95 Dec 29, 2022
Source code for models described in the paper "AudioCLIP: Extending CLIP to Image, Text and Audio" (https://arxiv.org/abs/2106.13043)

AudioCLIP Extending CLIP to Image, Text and Audio This repository contains implementation of the models described in the paper arXiv:2106.13043. This

458 Jan 02, 2023
Python script for performing depth completion from sparse depth and rgb images using the msg_chn_wacv20. model in Tensorflow Lite.

TFLite-msg_chn_wacv20-depth-completion Python script for performing depth completion from sparse depth and rgb images using the msg_chn_wacv20. model

Ibai Gorordo 2 Oct 04, 2021
Code for paper: Towards Tokenized Human Dynamics Representation

Video Tokneization Codebase for video tokenization, based on our paper Towards Tokenized Human Dynamics Representation. Prerequisites (tested under Py

Kenneth Li 20 May 31, 2022
Neural Architecture Search Powered by Swarm Intelligence 🐜

Neural Architecture Search Powered by Swarm Intelligence 🐜 DeepSwarm DeepSwarm is an open-source library which uses Ant Colony Optimization to tackle

288 Oct 28, 2022
A Loss Function for Generative Neural Networks Based on Watson’s Perceptual Model

This repository contains the similarity metrics designed and evaluated in the paper, and instructions and code to re-run the experiments. Implementation in the deep-learning framework PyTorch

Steffen 86 Dec 27, 2022
ICS 4u HD project, start before-wards. A curtain shooting game using python.

Touhou-Star-Salvation HDCH ICS 4u HD project, start before-wards. A curtain shooting game using python and pygame. By Jason Li For arts and gameplay,

15 Dec 22, 2022