An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: machine-learning-from-scratch

Mikaaz/AI-roadmap

Language: C++ - Size: 1.85 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

pravinkumarelangovan/ml-from-scratch

🔍 Explore machine learning by building algorithms from scratch in Python, comparing results with existing libraries, and enhancing your understanding.

Language: Jupyter Notebook - Size: 2.27 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 1 - Forks: 1

ZohaibSattarDataAI/Machine-Learning-From-Scratch

Machine Learning algorithms implemented from scratch using Python. Covers both supervised and unsupervised learning with datasets and notebooks.

Language: Jupyter Notebook - Size: 85.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

eriklindernoren/ML-From-Scratch

Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.

Language: Python - Size: 540 KB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 28,659 - Forks: 4,916

theolepage/prophecy

A tiny deep neural network framework developed from scratch in C++ and CUDA.

Language: C++ - Size: 141 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 12 - Forks: 2

samrere/pytortto

deep learning from scratch. uses numpy/cupy, trains in GPU, follows pytorch API

Language: Python - Size: 9.38 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 20 - Forks: 1

RakibulHasanRatul/dhaka-house-rent-predictor

A simple python program with no external dependancy to predict the house rent at various locations. in Dhaka, Bangladesh.

Language: Python - Size: 121 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

aadi1011/AI-ML-Roadmap-from-scratch

Become skilled in Artificial Intelligence, Machine Learning, Generative AI, Deep Learning, Data Science, Natural Language Processing, Reinforcement Learning and more with this complete 0 to 100 repository.

Size: 1.72 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 399 - Forks: 68

brechtlauwers/ml-from-math

Building machine learning models from pure math

Language: Python - Size: 332 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

hammadshaikhha/Data-Science-and-Machine-Learning-from-Scratch

Implements common data science methods and machine learning algorithms from scratch in python. Intuition and theory behind the algorithms is also discussed.

Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: 8 months ago - Pushed at: about 4 years ago - Stars: 432 - Forks: 230

marfvr/ml-from-scratch

Machine Learning algorithms implementation in Python from scratch.

Language: Jupyter Notebook - Size: 2.71 MB - Last synced at: 3 months ago - Pushed at: almost 7 years ago - Stars: 11 - Forks: 1

prince2004patel/Machine_Learning_from_Scratch

This repository contains various machine learning models implemented from scratch, including traditional ML algorithms All models are built without relying on high-level libraries to demonstrate foundational concepts.

Language: Jupyter Notebook - Size: 155 KB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

tsebaka/machine-learning

Machine learning algorithms from scratch

Language: Jupyter Notebook - Size: 17.2 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 7 - Forks: 1

juan190199/ML-Zero-To-Hero

Machine Learning From Scratch. Bare bones implementations of machine learning models and algorithms. Aims to cover everything from linear regression to deep learning.

Language: Python - Size: 694 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

JKKDY/Machine-Learning-From-Scratch

Jupyter Notebooks containing implementations of different ML models from scratch and with sklearn

Language: Jupyter Notebook - Size: 12.8 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 4

shotahorii/bareml

Machine learning & deep learning implementation from scratch, depending only on numpy.

Language: Python - Size: 18.4 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 1

Math-behind-AI/ScratchAI

This repository is dedicated to building ML & DL algorithms from scratch

Language: Jupyter Notebook - Size: 13.6 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 34 - Forks: 20

rliu054/machine-learning-from-scratch

Build classic machine learning algorithms from scratch.

Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

pystander/Simple-ML

Simple and minimal Python implementation of Machine Learning algorithms and models.

Language: Python - Size: 47.9 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

csreddy98/Machine-Learning-From-Scratch

This project implements the machine learning algorithms from scratch and compares the implementation with sklearn.

Language: Jupyter Notebook - Size: 180 KB - Last synced at: 8 months ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 4

paulinamoskwa/from-scratch

Collection of implementations from scratch (mostly ML)

Language: Jupyter Notebook - Size: 1.92 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

nekcht/ml-classic-scratch

Ordinary Least Squares, Ridge Regression, Expectation Maximization, Full Bayesian Inference, Bayes Classifiers, kNN, and MLP core algorithms from scratch. Some auxiliary functions are also used.

Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

vivitsaS/ml-from-scratch

ML algorithms implemented from scratch using numpy and built in functions in python

Language: Python - Size: 165 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

pr97/ScratchNet

This repository holds one of my first Deep Learning projects. The project implements an MNIST classifying fully-connected neural network from scratch (in python) using only NumPy for numeric computations. For further information, please see README.

Language: Python - Size: 29.9 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

geraked/machine-learning

Implementation of Machine Learning Algorithms From Scratch

Language: Jupyter Notebook - Size: 51.3 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

caotatcuong/Machine-Learning-from-Scratch

Language: Jupyter Notebook - Size: 1.94 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

Zulqarnain-cc34/Neural-Network-From-Scratch

🧠🤖 Want to learn how to build neural networks from scratch? Follow along and create your own machine learning library.

Language: Jupyter Notebook - Size: 20.9 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Girrajjangid/Machine-Learning-from-Scratch

🤖 Python implementations of some of the fundamental Machine Learning models and algorithms from scratch with interactive Jupyter demos and math being explained.

Language: Jupyter Notebook - Size: 66 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 3

hrshtv/ML-From-Scratch 📦

Some Machine Learning algorithms implemented by me, mostly from scratch

Language: Jupyter Notebook - Size: 11 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 3

03axdov/Neural-Network-Framework

A Neural Network framework, built with Python.

Language: Python - Size: 62.5 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

nachiket273/ML_Algo_Implemented

Bare-bone and simple implementations of few Machine Learning Algorithms

Language: Jupyter Notebook - Size: 2.5 MB - Last synced at: 8 months ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 2

matheuscamposmt/nn-from-scratch

Development of a Neural Network from scratch to predict divorce in marriages.

Language: Python - Size: 45.9 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

stnamjef/SimpleML

A simple machine learning library.

Language: C++ - Size: 114 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

shrijeet7/MachineLearning_Algorithms_from_Scratch

This project deals with implementation of various machine learning models from scratch in python( jupyter notebook) without actually importing them from the sklearn library.

Language: Jupyter Notebook - Size: 729 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 1

carbasemin/ML-from-scratch

Implementing some algorithms using NumPy and pandas to understand how they work.

Language: Python - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

ramesht007/Machine-Learning-From-Scratch

Machine Learning from Scratch. From Scratch implementation of famous machine learning techniques using Numpy. Focus on readiness with step by step documentation.

Language: Python - Size: 45.9 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

eric-ycw/solomon

Machine learning algorithms from scratch

Language: Python - Size: 187 KB - Last synced at: almost 3 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

prathameshbhalekar/Machine-Learning-From-Scratch

Machine learning algorithms from scratch

Language: Jupyter Notebook - Size: 2.61 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

SC4RECOIN/Jeras

Keras-style machine learning framework for Java

Language: Java - Size: 26.4 KB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 0

navjindervirdee/machine-learning-from-scratch

Detailed implementation of various machine learning algorithms from scratch using python language.

Language: Jupyter Notebook - Size: 388 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

julianpistorius/ML-From-Scratch Fork of eriklindernoren/ML-From-Scratch

Bare bones Python implementations of some of the foundational Machine Learning models and algorithms.

Language: Python - Size: 205 KB - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

Related Keywords
machine-learning 33 machine-learning-algorithms 18 python 16 deep-learning 11 data-science 10 neural-network 6 linear-regression 6 numpy 6 tutorial 5 classification 5 ai 5 ml 5 regression 5 jupyter-notebook 4 artificial-intelligence 4 neural-networks 4 logistic-regression 4 machine-learning-tutorials 3 ml-from-scratch 3 data-mining 3 mathematics 3 supervised-learning 3 unsupervised-learning 3 machine-learning-models 2 pandas 2 random-forest 2 implementation-from-scratch 2 machine-learning-from-zero 2 k-nearest-neighbors 2 knn 2 sklearn 2 deep-neural-networks 2 machinelearning-python 2 from-scratch 2 decision-trees 2 gradient-descent 2 naive-bayes 2 svm 2 kmeans-clustering 2 ensemble-learning 2 neural-networks-from-scratch 2 computer-vision 2 roadmap 2 deep-reinforcement-learning 2 aiml 2 classical-machine-learning 1 expectation-maximization 1 full-bayesian-inference 1 siraj-raval 1 multi-layer-perceptron 1 ols 1 ordinary-least-squares 1 ridge-regression 1 reinforcement-learning 1 attention 1 from-scratch-in-python 1 ml-papers 1 pytorch 1 pytorch-implementation 1 classic-ml-scratch 1 bayes-classifier 1 models 1 math 1 applied-mathematics 1 applied-machine-learning 1 rabist 1 outlier-detection 1 geraked 1 computer-science 1 computer-engineering 1 clustering 1 ce5501 1 amirkabir-university 1 machine-learning-in-action 1 seabron 1 matplotlib 1 machine-learning-python 1 machine-learning-engineer 1 machine-learning-beginners 1 urllib-python 1 machine-learning-projects 1 linear-regression-scratch 1 linear-regression-python 1 http-server-backend 1 http-server 1 built-from-scratch 1 data-analysis 1 study-plan 1 genetic-algorithm 1 llama3 1 langgraph 1 langchain 1 claude 1 chatbot 1 aws-polly 1 aws-lex 1 artifical-intelligense 1 mlfromscratch 1 machinelearning 1 glm 1