Objective of the repository is to learn and build machine learning models using Pytorch. 30DaysofML Using Pytorch

Overview

MLWithPyTorch

30 Days Of Machine Learning Using Pytorch

Objective of the repository is to learn and build machine learning models using Pytorch.

List of Algorithms Covered

๐Ÿ“Œ Day 1 - Linear Regression
๐Ÿ“Œ Day 2 - Logistic Regression
๐Ÿ“Œ Day 3 - Decision Tree
๐Ÿ“Œ Day 4 - KMeans Clustering
๐Ÿ“Œ Day 5 - Naive Bayes
๐Ÿ“Œ Day 6 - K Nearest Neighbour (KNN)
๐Ÿ“Œ Day 7 - Support Vector Machine
๐Ÿ“Œ Day 8 - Tf-Idf Model
๐Ÿ“Œ Day 9 - Principal Components Analysis
๐Ÿ“Œ Day 10 - Lasso and Ridge Regression
๐Ÿ“Œ Day 11 - Gaussian Mixture Model
๐Ÿ“Œ Day 12 - Linear Discriminant Analysis
๐Ÿ“Œ Day 13 - Adaboost Algorithm
๐Ÿ“Œ Day 14 - DBScan Clustering
๐Ÿ“Œ Day 15 - Multi-Class LDA
๐Ÿ“Œ Day 16 - Bayesian Regression
๐Ÿ“Œ Day 17 - K-Medoids
๐Ÿ“Œ Day 18 - TSNE
๐Ÿ“Œ Day 19 - ElasticNet Regression
๐Ÿ“Œ Day 20 - Spectral Clustering
๐Ÿ“Œ Day 21 - Latent Dirichlet
๐Ÿ“Œ Day 22 - Affinity Propagation
๐Ÿ“Œ Day 23 - Gradient Descent Algorithm
๐Ÿ“Œ Day 24 - Regularization Techniques
๐Ÿ“Œ Day 25 - RANSAC Algorithm
๐Ÿ“Œ Day 26 - Normalizations
๐Ÿ“Œ Day 27 - Multi-Layer Perceptron
๐Ÿ“Œ Day 28 - Activations

Let me know if there is any correction. Feedback is welcomed.

References

  • Sklearn Library
  • ML-Glossary
  • ML From Scratch (Github)
Owner
Mayur
Waiting for Robot Uprising !
Mayur
Code for the ICCV 2021 Workshop paper: A Unified Efficient Pyramid Transformer for Semantic Segmentation.

Unified-EPT Code for the ICCV 2021 Workshop paper: A Unified Efficient Pyramid Transformer for Semantic Segmentation. Installation Linux, CUDA=10.0,

29 Aug 23, 2022
This is the repository for paper NEEDLE: Towards Non-invertible Backdoor Attack to Deep Learning Models.

This is the repository for paper NEEDLE: Towards Non-invertible Backdoor Attack to Deep Learning Models.

1 Oct 25, 2021
PyTorch Code for NeurIPS 2021 paper Anti-Backdoor Learning: Training Clean Models on Poisoned Data.

Anti-Backdoor Learning PyTorch Code for NeurIPS 2021 paper Anti-Backdoor Learning: Training Clean Models on Poisoned Data. The Anti-Backdoor Learning

Yige-Li 51 Dec 07, 2022
[ICML 2021] Break-It-Fix-It: Learning to Repair Programs from Unlabeled Data

Break-It-Fix-It: Learning to Repair Programs from Unlabeled Data This repo provides the source code & data of our paper: Break-It-Fix-It: Unsupervised

Michihiro Yasunaga 86 Nov 30, 2022
Weakly Supervised Text-to-SQL Parsing through Question Decomposition

Weakly Supervised Text-to-SQL Parsing through Question Decomposition The official repository for the paper "Weakly Supervised Text-to-SQL Parsing thro

14 Dec 19, 2022
Neural network for digit classification powered by cuda

cuda_nn_mnist Neural network library for digit classification powered by cuda Resources The library was built to work with MNIST dataset. python-mnist

Nikita Ardashev 1 Dec 20, 2021
Fast Neural Representations for Direct Volume Rendering

Fast Neural Representations for Direct Volume Rendering Sebastian Weiss, Philipp Hermรผller, Rรผdiger Westermann This repository contains the code and s

Sebastian Weiss 20 Dec 03, 2022
[NAACL & ACL 2021] SapBERT: Self-alignment pretraining for BERT.

SapBERT: Self-alignment pretraining for BERT This repo holds code for the SapBERT model presented in our NAACL 2021 paper: Self-Alignment Pretraining

Cambridge Language Technology Lab 104 Dec 07, 2022
Top #1 Submission code for the first https://alphamev.ai MEV competition with best AUC (0.9893) and MSE (0.0982).

alphamev-winning-submission Top #1 Submission code for the first alphamev MEV competition with best AUC (0.9893) and MSE (0.0982). The code won't run

70 Oct 29, 2022
code associated with ACL 2021 DExperts paper

DExperts Hi! This repository contains code for the paper DExperts: Decoding-Time Controlled Text Generation with Experts and Anti-Experts to appear at

Alisa Liu 68 Dec 15, 2022
Model Quantization Benchmark

Introduction MQBench is an open-source model quantization toolkit based on PyTorch fx. The envision of MQBench is to provide: SOTA Algorithms. With MQ

500 Jan 06, 2023
An official PyTorch implementation of the TKDE paper "Self-Supervised Graph Representation Learning via Topology Transformations".

Self-Supervised Graph Representation Learning via Topology Transformations This repository is the official PyTorch implementation of the following pap

Hsiang Gao 2 Oct 31, 2022
The Rich Get Richer: Disparate Impact of Semi-Supervised Learning

The Rich Get Richer: Disparate Impact of Semi-Supervised Learning Preprocess file of the dataset used in implicit sub-populations: (Demographic groups

<a href=[email protected]"> 4 Oct 14, 2022
Pytorch domain adaptation package

DomainAdaptation This package is created to tackle the problem of domain shifts when dealing with two domains of different feature distributions. In d

Institute of Computational Perception 7 Oct 22, 2022
DeepHawkeye is a library to detect unusual patterns in images using features from pretrained neural networks

English | ็ฎ€ไฝ“ไธญๆ–‡ Introduction DeepHawkeye is a library to detect unusual patterns in images using features from pretrained neural networks Reference Pat

CV Newbie 28 Dec 13, 2022
Kaggle Feedback Prize - Evaluating Student Writing 15th solution

Kaggle Feedback Prize - Evaluating Student Writing 15th solution First of all, I would like to thank the excellent notebooks and discussions from http

Lingyuan Zhang 6 Mar 24, 2022
Code for this paper The Lottery Ticket Hypothesis for Pre-trained BERT Networks.

The Lottery Ticket Hypothesis for Pre-trained BERT Networks Code for this paper The Lottery Ticket Hypothesis for Pre-trained BERT Networks. [NeurIPS

VITA 122 Dec 14, 2022
CLIP + VQGAN / PixelDraw

clipit Yet Another VQGAN-CLIP Codebase This started as a fork of @nerdyrodent's VQGAN-CLIP code which was based on the notebooks of @RiversWithWings a

dribnet 276 Dec 12, 2022
Partial implementation of ODE-GAN technique from the paper Training Generative Adversarial Networks by Solving Ordinary Differential Equations

ODE GAN (Prototype) in PyTorch Partial implementation of ODE-GAN technique from the paper Training Generative Adversarial Networks by Solving Ordinary

Somshubra Majumdar 15 Feb 10, 2022
BitPack is a practical tool to efficiently save ultra-low precision/mixed-precision quantized models.

BitPack is a practical tool that can efficiently save quantized neural network models with mixed bitwidth.

Zhen Dong 36 Dec 02, 2022