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

GitHub topics: implementation-from-scratch

spirosmaggioros/AlgoPlus

AlgoPlus is a C++17 library with implemented data structures and algorithms for various topics(including machine learning)

Language: C++ - Size: 15.9 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 184 - Forks: 26

Uni-Creator/NanoGPT

NanoGPT is a lightweight GPT-style language model designed for text generation. It supports training on custom datasets, pretrained model inference, and minimal dependencies for efficient experimentation.

Language: Python - Size: 18 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 1 - Forks: 0

Uni-Creator/Handwritten_Number_Recognition_System

A Handwritten Number Recognition System built from scratch using Deep Learning from Scratch. The model is trained on digit images and can classify handwritten numbers with high accuracy.

Language: Python - Size: 18.9 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

punitpandey/ds-algo

Implementation of common Data Structures and Algorithms with Go

Language: Go - Size: 36.1 KB - Last synced at: 18 days ago - Pushed at: over 1 year ago - Stars: 282 - Forks: 120

berksudan/C-Memory-Allocations-From-Scratch

Implementation of C standard library memory-related functions: malloc(), calloc(), realloc(), free() from scratch.

Language: C - Size: 6.26 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Vadimbuildercxx/Custom_nn

🧠 Collection of neural network implementations from scratch. Clean PyTorch implementations with educational comments and ready training loops.

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

Abhishekkjainn/Tripster

Tripster is a real-time domestic flight booking application built using Flutter and powered by the Tripjack Air API. This cross-platform app provides a seamless booking experience, allowing users to search for flights, compare prices, and make reservations from 137 domestic airports across India

Language: Dart - Size: 1.8 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

sanjay035/Sketch2Color-anime-translation

Given a simple anime line-art sketch the model outputs a decent colored anime image using Conditional-Generative Adversarial Networks (C-GANs) concept.

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

Samahussien7/Hamming-Network

Hamming Network implementation using pca implementation for reduction all from scratch

Language: Jupyter Notebook - Size: 369 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

paulinamoskwa/from-scratch

Collection of implementations from scratch (mostly ML)

Language: Jupyter Notebook - Size: 1.92 MB - Last synced at: about 1 year ago - Pushed at: over 1 year 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: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

BhekimpiloNdhlela/NASM-floating-point-addition

An implementation of the floating point addition and subraction using both NASM and C and comparing the two implementations.

Language: Assembly - Size: 451 KB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

Utkarshthgr8/employee-department-management

A Simple Employee Department Management System

Language: Java - Size: 1.24 MB - Last synced at: 12 days ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

s-m-quadri/ask-iot

A Python-based command-line tool developed as part of a research project on Machine Learning and IoT. It utilizes a custom implementation of the TF-IDF algorithm to provide interactive and concise three-point answers to IoT-related queries.

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

Adamantios/KPCA-LDA

KPCA and LDA implementations.

Language: Python - Size: 979 KB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

amirrezarajabi/Neural-Network-implementation-from-scratch

implementation of neural network from scratch only using numpy (Conv, Fc, Maxpool, optimizers and activation functions)

Language: Python - Size: 7.85 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

kchousos/IDBS

Implementations of different kinds of databases, written in pure C.

Language: C - Size: 5.46 MB - Last synced at: 18 days ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

QuyAnh2005/homemade-machine-learning

Understand and code some basic algorithms in machine learning from scratch

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

patilharshal16/data-structures

Computer science data structures and algorithms implementation from scratch

Language: Java - Size: 12.7 KB - Last synced at: 20 days ago - Pushed at: almost 4 years ago - Stars: 49 - Forks: 2

Akashtamate/Snacks-masala-mixer-

Design and development of a crispy Corn snack masala mixing machine

Language: C++ - Size: 79.1 KB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

jaroslawroszyk/StringClass

Writing the string class from scratch as an exercise

Language: C++ - Size: 48.8 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

di-mi-ta/pylearn_ml191

pylearn_ml191: An implementation of some classical machine learning algorithm

Language: Jupyter Notebook - Size: 860 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Babak-Gholamzadeh/implement-async-await

Implementing the async/await pattern from scratch

Language: JavaScript - Size: 5.86 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

swag2198/algorithms-I

C++ implementations of Data Structures and Algorithms.

Language: C++ - Size: 4.45 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

AdriandLiu/Implementation-of-MLP-with-Numpy

Implementation of Multi-Layer Perceptron with Numpy and CNN with PyTorch in Image Classification

Language: Jupyter Notebook - Size: 176 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Babak-Gholamzadeh/implement-promise

Implementing the promise pattern in JavaScript from scratch (step by step)

Language: JavaScript - Size: 26.4 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

mynameisvinn/PieStats

implementing statistical stuff from scratch

Language: Jupyter Notebook - Size: 26.4 KB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

ShivarajMeti/Neural_network_implementation

Python implementation of the neural networks without using any libraries from scratch, for prediction using the pre-trained weights

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

Related Keywords
implementation-from-scratch 28 machine-learning 6 pytorch 4 python 4 deep-learning 4 machine-learning-algorithms 4 numpy 4 algorithms 4 algorithms-and-data-structures 3 implementation-of-algorithms 3 implementation-of-data-structures 3 linked-list 3 javascript 2 convolutional-neural-networks 2 learn-to-code 2 heap 2 multi-layer-perceptron 2 machine-learning-from-scratch 2 promise 2 programming 2 nodejs 2 c 2 data-structures 2 cnn 2 nlp 2 stack 2 implementation 2 maxpooling 2 pca 2 classical-machine-learning 2 image-processing 2 graph-algorithms 2 k-means-clustering 2 cpp 2 computer-science 2 databases 1 database 1 sigmoid-activation 1 design-database 1 hash-table 1 hashtable 1 low-level 1 bagging-ensemble 1 boosting-ensemble 1 decision-tree 1 gradient-boosting 1 linear-regression 1 logistic-regression 1 naive-bayes 1 random-forest 1 random-forest-algorithm 1 scikit-learn 1 introduction 1 iot 1 natural-language-procressing 1 notes 1 presentation 1 ranking-algorithm 1 research 1 simplified 1 tf-idf 1 kpca 1 lda 1 adam 1 adam-optimizer 1 ann 1 convolution 1 fully-connected-network 1 gradient-descent 1 neural-network 1 relu-activation 1 sgd 1 async-await 1 generator 1 medium-article 1 algorithms-explained 1 binary-search-tree 1 binary-trees 1 depth-first-search 1 dynamic-programing 1 floyd-warshall 1 greedy-algorithms 1 heaps 1 recursion 1 image-classification 1 multilayer-perceptron-network 1 normal-distribution 1 artificial-neural-networks 1 bias 1 matrix-multiplication 1 neural-networks 1 oop-examples 1 pickle 1 python27 1 support-vector-machine 1 theory 1 data-science 1 datascience 1 datastructures 1 deque 1