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
PyTorch implementations of the paper: "Learning Independent Instance Maps for Crowd Localization"

IIM - Crowd Localization This repo is the official implementation of paper: Learning Independent Instance Maps for Crowd Localization. The code is dev

tao han 91 Nov 10, 2022
Doge-Prediction - Coding Club prediction ig

Doge-Prediction Coding Club prediction ig Basically: Create an application that

1 Jan 10, 2022
A two-stage U-Net for high-fidelity denoising of historical recordings

A two-stage U-Net for high-fidelity denoising of historical recordings Official repository of the paper (not submitted yet): E. Moliner and V. VΓ€limΓ€k

Eloi Moliner Juanpere 57 Jan 05, 2023
The source code of CVPR17 'Generative Face Completion'.

GenerativeFaceCompletion Matcaffe implementation of our CVPR17 paper on face completion. In each panel from left to right: original face, masked input

Yijun Li 313 Oct 18, 2022
I3-master-layout - Simple master and stack layout script

Simple master and stack layout script | ------ | ----- | | | | | Ma

Tobias S 18 Dec 05, 2022
Binary Passage Retriever (BPR) - an efficient passage retriever for open-domain question answering

BPR Binary Passage Retriever (BPR) is an efficient neural retrieval model for open-domain question answering. BPR integrates a learning-to-hash techni

Studio Ousia 147 Dec 07, 2022
Catch-all collection of generative art made using processing

Generative art with Processing.py Some art I have created for fun. Dependencies Processing for Python, see how to download/use here Packages contained

2 Mar 12, 2022
Implementations of orthogonal and semi-orthogonal convolutions in the Fourier domain with applications to adversarial robustness

Orthogonalizing Convolutional Layers with the Cayley Transform This repository contains implementations and source code to reproduce experiments for t

CMU Locus Lab 36 Dec 30, 2022
Implementation of Basic Machine Learning Algorithms on small datasets using Scikit Learn.

Basic Machine Learning Algorithms All the basic Machine Learning Algorithms are implemented in Python using libraries Acknowledgements Machine Learnin

Piyal Banik 47 Oct 16, 2022
Implementation of the HMAX model of vision in PyTorch

PyTorch implementation of HMAX PyTorch implementation of the HMAX model that closely follows that of the MATLAB implementation of The Laboratory for C

Marijn van Vliet 52 Oct 13, 2022
πŸ€– A Python library for learning and evaluating knowledge graph embeddings

PyKEEN PyKEEN (Python KnowlEdge EmbeddiNgs) is a Python package designed to train and evaluate knowledge graph embedding models (incorporating multi-m

PyKEEN 1.1k Jan 09, 2023
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
A criticism of a recent paper on buggy image downsampling methods in popular image processing and deep learning libraries.

A criticism of a recent paper on buggy image downsampling methods in popular image processing and deep learning libraries.

70 Jul 12, 2022
Streamlit tool to explore coco datasets

What is this This tool given a COCO annotations file and COCO predictions file will let you explore your dataset, visualize results and calculate impo

Jakub Cieslik 75 Dec 16, 2022
Final term project for Bayesian Machine Learning Lecture (XAI-623)

Mixquality_AL Final Term Project For Bayesian Machine Learning Lecture (XAI-623) Youtube Link The presentation is given in YoutubeLink Problem Formula

JeongEun Park 3 Jan 18, 2022
Leaf: Multiple-Choice Question Generation

Leaf: Multiple-Choice Question Generation Easy to use and understand multiple-choice question generation algorithm using T5 Transformers. The applicat

Kristiyan Vachev 62 Dec 20, 2022
Experiments for Fake News explainability project

fake-news-explainability Experiments for fake news explainability project This repository only contains the notebooks used to train the models and eva

Lorenzo Flores (Lj) 1 Dec 03, 2022
More than a hundred strange attractors

dysts Analyze more than a hundred chaotic systems. Basic Usage Import a model and run a simulation with default initial conditions and parameter value

William Gilpin 185 Dec 23, 2022
The code for our CVPR paper PISE: Person Image Synthesis and Editing with Decoupled GAN, Project Page, supp.

PISE The code for our CVPR paper PISE: Person Image Synthesis and Editing with Decoupled GAN, Project Page, supp. Requirement conda create -n pise pyt

jinszhang 110 Nov 21, 2022
This repo contains the code required to train the multivariate time-series Transformer.

Multi-Variate Time-Series Transformer This repo contains the code required to train the multivariate time-series Transformer. Download the data The No

Gregory DuthΓ© 4 Nov 24, 2022