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
Implementation of the Paper: "Parameterized Hypercomplex Graph Neural Networks for Graph Classification" by Tuan Le, Marco Bertolini, Frank Noรฉ and Djork-Arnรฉ Clevert

Parameterized Hypercomplex Graph Neural Networks (PHC-GNNs) PHC-GNNs (Le et al., 2021): https://arxiv.org/abs/2103.16584 PHM Linear Layer Illustration

Bayer AG 26 Aug 11, 2022
Reference implementation for Structured Prediction with Deep Value Networks

Deep Value Network (DVN) This code is a python reference implementation of DVNs introduced in Deep Value Networks Learn to Evaluate and Iteratively Re

Michael Gygli 55 Feb 02, 2022
Machine Unlearning with SISA

Machine Unlearning with SISA Lucas Bourtoule, Varun Chandrasekaran, Christopher Choquette-Choo, Hengrui Jia, Adelin Travers, Baiwu Zhang, David Lie, N

CleverHans Lab 70 Jan 01, 2023
A real-time approach for mapping all human pixels of 2D RGB images to a 3D surface-based model of the body

DensePose: Dense Human Pose Estimation In The Wild Rฤฑza Alp Gรผler, Natalia Neverova, Iasonas Kokkinos [densepose.org] [arXiv] [BibTeX] Dense human pos

Meta Research 6.4k Jan 01, 2023
classification task on dataset-CIFAR10,by using Tensorflow/keras

CIFAR10-Tensorflow classification task on dataset-CIFAR10,by using Tensorflow/keras ๅœจ่ฟ™ไธ€ไธชๅบ“ไธญ๏ผŒๆˆ‘ไฝฟ็”จTensorflowไธŽkerasๆก†ๆžถๆญๅปบไบ†ๅ‡ ไธชๅท็งฏ็ฅž็ป็ฝ‘็ปœๆจกๅž‹๏ผŒ้’ˆๅฏนCIFAR10ๆ•ฐๆฎ้›†่ฟ›่กŒไบ†่ฎญ็ปƒไธŽๆต‹่ฏ•ใ€‚ๅˆ†ๅˆซไฝฟ

3 Oct 17, 2021
Face-Recognition-Attendence-System - This face recognition Attendence system using Python

Face-Recognition-Attendence-System I have developed this face recognition Attend

Riya Gupta 4 May 10, 2022
The hippynn python package - a modular library for atomistic machine learning with pytorch.

The hippynn python package - a modular library for atomistic machine learning with pytorch. We aim to provide a powerful library for the training of a

Los Alamos National Laboratory 37 Dec 29, 2022
PyTorch implementation of the Quasi-Recurrent Neural Network - up to 16 times faster than NVIDIA's cuDNN LSTM

Quasi-Recurrent Neural Network (QRNN) for PyTorch Updated to support multi-GPU environments via DataParallel - see the the multigpu_dataparallel.py ex

Salesforce 1.3k Dec 28, 2022
SoGCN: Second-Order Graph Convolutional Networks

SoGCN: Second-Order Graph Convolutional Networks This is the authors' implementation of paper "SoGCN: Second-Order Graph Convolutional Networks" in Py

Yuehao 7 Aug 16, 2022
MohammadReza Sharifi 27 Dec 13, 2022
A curated list of awesome Model-Based RL resources

Awesome Model-Based Reinforcement Learning This is a collection of research papers for model-based reinforcement learning (mbrl). And the repository w

OpenDILab 427 Jan 03, 2023
Using NumPy to solve the equations of fluid mechanics together with Finite Differences, explicit time stepping and Chorin's Projection methods

Computational Fluid Dynamics in Python Using NumPy to solve the equations of fluid mechanics ๐ŸŒŠ ๐ŸŒŠ ๐ŸŒŠ together with Finite Differences, explicit time

Felix Kรถhler 4 Nov 12, 2022
Beyond Image to Depth: Improving Depth Prediction using Echoes (CVPR 2021)

Beyond Image to Depth: Improving Depth Prediction using Echoes (CVPR 2021) Kranti Kumar Parida, Siddharth Srivastava, Gaurav Sharma. We address the pr

Kranti Kumar Parida 33 Jun 27, 2022
Robustness between the worst and average case

Robustness between the worst and average case A repository that implements intermediate robustness training and evaluation from the NeurIPS 2021 paper

CMU Locus Lab 16 Dec 02, 2022
Simple converter for deploying Stable-Baselines3 model to TFLite and/or Coral

Running SB3 developed agents on TFLite or Coral Introduction I've been using Stable-Baselines3 to train agents against some custom Gyms, some of which

Gary Briggs 16 Oct 11, 2022
TRACER: Extreme Attention Guided Salient Object Tracing Network implementation in PyTorch

TRACER: Extreme Attention Guided Salient Object Tracing Network This paper was accepted at AAAI 2022 SA poster session. Datasets All datasets are avai

Karel 118 Dec 29, 2022
The code for MM2021 paper "Multi-Level Counterfactual Contrast for Visual Commonsense Reasoning"

The Code for MM2021 paper "Multi-Level Counterfactual Contrast for Visual Commonsense Reasoning" Setting up and using the repo Get the dataset. Follow

4 Apr 20, 2022
Collection of generative models in Pytorch version.

pytorch-generative-model-collections Original : [Tensorflow version] Pytorch implementation of various GANs. This repository was re-implemented with r

Hyeonwoo Kang 2.4k Dec 31, 2022
Automatic library of congress classification, using word embeddings from book titles and synopses.

Automatic Library of Congress Classification The Library of Congress Classification (LCC) is a comprehensive classification system that was first deve

Ahmad Pourihosseini 3 Oct 01, 2022
A Home Assistant custom component for Lobe. Lobe is an AI tool that can classify images.

Lobe This is a Home Assistant custom component for Lobe. Lobe is an AI tool that can classify images. This component lets you easily use an exported m

Kendell R 4 Feb 28, 2022