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

GitHub topics: implementation-from-scratch

triangle-motelti/mini-bash

a simple Unix shell supporting commands, redirections, pipes, built-ins, env vars, and signal handling in C.

Language: C - Size: 6.14 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

chaseungjoon/DavinciCode-CPP

DavinciCode Card Game in C++. Algorithm from scratch

Language: C++ - Size: 86.9 KB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 1 - Forks: 0

Samahussien7/COVID-19-Chest-X-ray-Classification-KNN

This project aims to build a complete pattern recognition system to solve classification problems using the k-Nearest Neighbors (KNN) algorithm. To classify chest X-ray images into three categories: COVID-19 positive, pneumonia positive, and normal. To achieve this, we utilize the COVID-19 Chest X-ray dataset available on Kaggle.

Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

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: 3 months ago - Pushed at: 3 months ago - Stars: 185 - Forks: 27

smebad/Transformer-from-Scratch

Deeply understanding and implementing Transformer from scratch using the original paper "Attention Is All You Need" (In progress)

Language: Python - Size: 23.4 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

aeirya/Tetris

Nostalgia hit me

Language: Java - Size: 8.61 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

punitpandey/ds-algo

Implementation of common Data Structures and Algorithms with Go

Language: Go - Size: 36.1 KB - Last synced at: 6 months ago - Pushed at: about 2 years ago - Stars: 291 - Forks: 120

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: 8 months ago - Pushed at: 8 months 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: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

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: 10 months ago - Pushed at: 10 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: 12 months ago - Pushed at: 12 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: about 1 year ago - Pushed at: about 1 year 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: over 1 year ago - Pushed at: about 5 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: almost 2 years ago - Pushed at: almost 2 years 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: 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

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: 3 months ago - Pushed at: almost 7 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: 7 months ago - Pushed at: over 4 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: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Adamantios/KPCA-LDA

KPCA and LDA implementations.

Language: Python - Size: 979 KB - Last synced at: over 1 year ago - Pushed at: over 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: over 2 years ago - Pushed at: about 3 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: 4 months ago - Pushed at: over 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: over 2 years ago - Pushed at: over 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: 8 months ago - Pushed at: over 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: about 1 year ago - Pushed at: about 3 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: over 2 years ago - Pushed at: about 3 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: over 2 years ago - Pushed at: about 4 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: over 2 years ago - Pushed at: over 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: over 2 years ago - Pushed at: over 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: about 2 years ago - Pushed at: over 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: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

mynameisvinn/PieStats

implementing statistical stuff from scratch

Language: Jupyter Notebook - Size: 26.4 KB - Last synced at: 6 months ago - Pushed at: over 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: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

Related Keywords
implementation-from-scratch 33 machine-learning 6 pytorch 5 numpy 4 algorithms 4 deep-learning 4 implementation-of-algorithms 4 python 4 machine-learning-algorithms 4 algorithms-and-data-structures 3 implementation-of-data-structures 3 cpp 3 linked-list 3 javascript 2 learn-to-code 2 image-processing 2 nodejs 2 programming 2 implementation 2 graph-algorithms 2 pca 2 lda 2 nlp 2 k-means-clustering 2 cnn 2 computer-science 2 multi-layer-perceptron 2 stack 2 c 2 classical-machine-learning 2 low-level 2 transformer 2 heap 2 convolutional-neural-networks 2 machine-learning-from-scratch 2 java 2 ai 2 data-structures 2 maxpooling 2 promise 2 ann 1 adam-optimizer 1 adam 1 convolution 1 fully-connected-network 1 gradient-descent 1 neural-network 1 relu-activation 1 sgd 1 sigmoid-activation 1 database 1 databases 1 design-database 1 hash-table 1 hashtable 1 bagging-ensemble 1 42born2code 1 ordinary-least-squares 1 ridge-regression 1 floating-point-addition 1 floating-point-arithmetic 1 nasm 1 documentation 1 features 1 howtos 1 postgresql-database 1 prerequisites 1 setup 1 artificial-inteligence 1 beginner-friendly 1 dbatu 1 dbatu-lonere 1 diems 1 diems-aurangabad 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 operator 1 stl 1 stl-containers 1 string 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