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
Simultaneous Detection and Segmentation

Simultaneous Detection and Segmentation This is code for the ECCV Paper: Simultaneous Detection and Segmentation Bharath Hariharan, Pablo Arbelaez,

Bharath Hariharan 96 Jul 20, 2022
MVGCN: a novel multi-view graph convolutional network (MVGCN) framework for link prediction in biomedical bipartite networks.

MVGCN MVGCN: a novel multi-view graph convolutional network (MVGCN) framework for link prediction in biomedical bipartite networks. Developer: Fu Hait

13 Dec 01, 2022
LieTransformer: Equivariant Self-Attention for Lie Groups

LieTransformer This repository contains the implementation of the LieTransformer used for experiments in the paper LieTransformer: Equivariant Self-At

OxCSML (Oxford Computational Statistics and Machine Learning) 50 Dec 28, 2022
High performance Cross-platform Inference-engine, you could run Anakin on x86-cpu,arm, nv-gpu, amd-gpu,bitmain and cambricon devices.

Anakin2.0 Welcome to the Anakin GitHub. Anakin is a cross-platform, high-performance inference engine, which is originally developed by Baidu engineer

514 Dec 28, 2022
CCAFNet: Crossflow and Cross-scale Adaptive Fusion Network for Detecting Salient Objects in RGB-D Images

Code and result about CCAFNet(IEEE TMM) 'CCAFNet: Crossflow and Cross-scale Adaptive Fusion Network for Detecting Salient Objects in RGB-D Images' IEE

zyrantไธถ 14 Dec 29, 2021
Face Mask Detection is a project to determine whether someone is wearing mask or not, using deep neural network.

face-mask-detection Face Mask Detection is a project to determine whether someone is wearing mask or not, using deep neural network. It contains 3 scr

amirsalar 13 Jan 18, 2022
Pytorch code for our paper "Feedback Network for Image Super-Resolution" (CVPR2019)

Feedback Network for Image Super-Resolution [arXiv] [CVF] [Poster] Update: Our proposed Gated Multiple Feedback Network (GMFN) will appear in BMVC2019

Zhen Li 539 Jan 06, 2023
Object tracking using YOLO and a tracker(KCF, MOSSE, CSRT) in openCV

Object tracking using YOLO and a tracker(KCF, MOSSE, CSRT) in openCV File YOLOv3 weight can be downloaded

Ngoc Quyen Ngo 2 Mar 27, 2022
EPSANet๏ผšAn Efficient Pyramid Split Attention Block on Convolutional Neural Network

EPSANet๏ผšAn Efficient Pyramid Split Attention Block on Convolutional Neural Network This repo contains the official Pytorch implementaion code and conf

Hu Zhang 175 Jan 07, 2023
Implementation of 'lightweight' GAN, proposed in ICLR 2021, in Pytorch. High resolution image generations that can be trained within a day or two

512x512 flowers after 12 hours of training, 1 gpu 256x256 flowers after 12 hours of training, 1 gpu Pizza 'Lightweight' GAN Implementation of 'lightwe

Phil Wang 1.5k Jan 02, 2023
Ejemplo Algoritmo Viterbi - Example of a Viterbi algorithm applied to a hidden Markov model on DNA sequence

Ejemplo Algoritmo Viterbi Ejemplo de un algoritmo Viterbi aplicado a modelo ocul

Mateo Velรกsquez Molina 1 Jan 10, 2022
A framework for attentive explainable deep learning on tabular data

๐Ÿง  kendrite A framework for attentive explainable deep learning on tabular data ๐Ÿ’จ Quick start kedro run ๐Ÿงฑ Built upon Technology Description Links ke

Marnix Koops 3 Nov 06, 2021
Code for the ICCV2021 paper "Personalized Image Semantic Segmentation"

PSS: Personalized Image Semantic Segmentation Paper PSS: Personalized Image Semantic Segmentation Yu Zhang, Chang-Bin Zhang, Peng-Tao Jiang, Ming-Ming

ๅผ ๅฎ‡ 15 Jul 09, 2022
Transferable Unrestricted Attacks, which won 1st place in CVPRโ€™21 Security AI Challenger: Unrestricted Adversarial Attacks on ImageNet.

Transferable Unrestricted Adversarial Examples This is the PyTorch implementation of the Arxiv paper: Towards Transferable Unrestricted Adversarial Ex

equation 16 Dec 29, 2022
Event sourced bank - A wide-and-shallow example using the Python event sourcing library

Event Sourced Bank A "wide but shallow" example of using the Python event sourci

3 Mar 09, 2022
Neurons Dataset API - The official dataloader and visualization tools for Neurons Datasets.

Neurons Dataset API - The official dataloader and visualization tools for Neurons Datasets. Introduction We propose our dataloader API for loading and

1 Nov 19, 2021
Exploring the link between uncertainty estimates obtained via "exact" Bayesian inference and out-of-distribution (OOD) detection.

Uncertainty-based OOD detection Exploring the link between uncertainty estimates obtained by "exact" Bayesian inference and out-of-distribution (OOD)

Christian Henning 1 Nov 05, 2022
Generic template to bootstrap your PyTorch project with PyTorch Lightning, Hydra, W&B, and DVC.

NN Template Generic template to bootstrap your PyTorch project. Click on Use this Template and avoid writing boilerplate code for: PyTorch Lightning,

Luca Moschella 520 Dec 30, 2022
Deep Learning and Logical Reasoning from Data and Knowledge

Logic Tensor Networks (LTN) Logic Tensor Network (LTN) is a neurosymbolic framework that supports querying, learning and reasoning with both rich data

171 Dec 29, 2022
Cross-lingual Transfer for Speech Processing using Acoustic Language Similarity

Cross-lingual Transfer for Speech Processing using Acoustic Language Similarity Indic TTS Samples can be found at https://peter-yh-wu.github.io/cross-

Peter Wu 1 Nov 12, 2022