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

GitHub topics: from-scratch

CharliVanNood/FemDOS

My silly little custom fully opensource and customizable operating system, FemDOS stands for Fun Energetic Manageable Disk Operating System (obviously, totally not some trans girl os, don't get the wrong idea's)

Language: Rust - Size: 1.8 MB - Last synced at: about 4 hours ago - Pushed at: about 6 hours ago - Stars: 3 - Forks: 0

xplshn/alicelinux

Unofficial mirror of https://codeberg.org/emmett1/alicelinux with new recipes and a website with documentation and blogposts. As well as Musl patched with Mimalloc.

Language: HTML - Size: 13.6 MB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 2 - Forks: 0

amar454/floppaos

floppaOS is a free and open source 32 bit operating system made in C. It is themed around the famous internet Caracal "Big Floppa"

Language: C - Size: 31.1 MB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 6 - Forks: 0

eduardoleao052/Autograd-from-scratch

Documented and Unit Tested educational Deep Learning framework with Autograd from scratch.

Language: Python - Size: 557 KB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 111 - Forks: 2

3NOLa/machine_learning_library

A machine learning library in C with neural networks, backpropagation, and custom tensor math—built from scratch for performance and learning. Based on concepts from the Mathematics for Machine Learning textbook.

Language: C - Size: 113 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 2 - Forks: 0

keyvank/femtoGPT

Pure Rust implementation of a minimal Generative Pretrained Transformer

Language: Rust - Size: 670 KB - Last synced at: 2 days ago - Pushed at: 7 months ago - Stars: 867 - Forks: 60

RTFW-rs/rtfw-http-rs

Trying to implement an http server from scratch for fun

Language: Rust - Size: 110 KB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

Fulgurance/ISM

Ingenius System Manager

Language: Crystal - Size: 1.81 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 22 - Forks: 1

Sinceru0/ReAct-Agent-from-Scratch

A pure Python implementation of ReAct agent without using any frameworks like LangChain. It follows the standard ReAct loop of Thought, Action, PAUSE, and Observation. The agent utilizes multiple tools, including Calculator, Wikipedia, Web Search, and Weather. A web UI is also provided using Streamlit.

Language: Python - Size: 16.6 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 2 - Forks: 1

q12we34rt5/Q3Engine-cpp

A simple CPU-based 3D engine with customizable shaders.

Language: C++ - Size: 66.4 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

Guille-ux/ZynkPy

ZynkPy is an Interpreted programming language and a Compiled (because i'm going to support that i the future)

Language: Python - Size: 246 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

Mohamed-Devp/rich-text-editor-from-scratch

A rich text editor React application, made from scratch with a custom command-based styling system.

Language: TypeScript - Size: 70.3 KB - Last synced at: 1 day ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

ansshhhhhh/House-Price-Prediction-Using-CPP

Linear Regression using C++.

Language: C++ - Size: 225 KB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

YashDhirajOza/NeonFlash

Build Your Own Redis Server from Scratch

Language: HTML - Size: 74.2 KB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

ChanLumerico/lucid

Lumerico's Comprehensive Interface for Deep Learning

Language: Python - Size: 44.6 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 2 - Forks: 1

nosfty/Pygame3DRenderer

A simple rotating cube in pygame from scratch (without using opengl or something)

Language: Python - Size: 44.9 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 1 - Forks: 0

michal-z/zig-d3d12-starter

Simple game written from scratch in Zig

Language: Zig - Size: 42.1 MB - Last synced at: 1 day ago - Pushed at: 9 months ago - Stars: 54 - Forks: 0

Kromster80/knights_province

Knights Province missions and wiki.

Language: Batchfile - Size: 43.7 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 59 - Forks: 6

Jadiefication/Void

A fullstack web framework written in kotlin.(Not ready for production use.)

Language: Kotlin - Size: 4.71 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

f1ko/demystifying-cni

Explanation on what a CNI (Container Network Interface) is and how to write it from scratch.

Language: Shell - Size: 1.56 MB - Last synced at: 2 days ago - Pushed at: 5 months ago - Stars: 83 - Forks: 6

vcwild/webserv

A HTTP rudimentary web server

Language: C++ - Size: 12.9 MB - Last synced at: 5 days ago - Pushed at: about 2 years ago - Stars: 19 - Forks: 0

zauonlok/renderer

A shader-based software renderer written from scratch in C89

Language: C - Size: 128 MB - Last synced at: 13 days ago - Pushed at: about 4 years ago - Stars: 2,569 - Forks: 282

Rocky111245/Flux-A-Custom-Educational-Deep-Learning-Framework

This neural network framework, built entirely from scratch in C++, offers a robust educational platform for deep learning. It features a custom matrix library and a handcrafted mathematical gradient computation engine, designed to teach neural networks from first principles. I am the sole developer and contributor to this project.

Language: C++ - Size: 361 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 5 - Forks: 0

furkanonder/olympos

An experimental 32-bit Operating System

Language: C - Size: 60.5 KB - Last synced at: 5 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

lennymalard/melpy-project

A NumPy-based deep learning library for building neural networks. It features an automatic differentiation engine and supports training models like LSTM, CNN, and FNN.

Language: Python - Size: 159 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 2 - Forks: 0

Guille-ux/ux-framework

a framework with a lot of things, and they work

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

paolorechia/steeldb

A simple database built from scratch in Rust

Language: Rust - Size: 103 KB - Last synced at: 9 days ago - Pushed at: 9 months ago - Stars: 63 - Forks: 9

gmontamat/poor-mans-transformers

Implement Transformers (and Deep Learning) from scratch in NumPy

Language: Python - Size: 176 KB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 27 - Forks: 2

omaraflak/Reinforcement-Learning-CPP

Reinforcement Learning algorithm from scratch in C++.

Language: C++ - Size: 6.84 KB - Last synced at: 8 days ago - Pushed at: almost 7 years ago - Stars: 15 - Forks: 1

OceanPresentChao/llm-corpus

从零搭建大模型知识库(Build LLM RAG Corpus from scratch)

Language: Python - Size: 1.8 MB - Last synced at: 14 days ago - Pushed at: 6 months ago - Stars: 65 - Forks: 7

OceanPresentChao/llm-ReAct

从零搭建Agent框架(Build LLM ReAct Agent from scratch)

Language: TypeScript - Size: 1.95 MB - Last synced at: 14 days ago - Pushed at: 6 months ago - Stars: 61 - Forks: 4

TheBliX/HMath

A programming language created from scratch on C#. Has a built-in ability to work with complex numbers in a more human-friendly form.

Language: C# - Size: 323 KB - Last synced at: 12 days ago - Pushed at: 21 days ago - Stars: 2 - Forks: 0

insdout/ML-Algorithms-From-Scratch

Implementations of main Machine Learning Agorithms from scratch: Gaussian Mixture Model, Gradient Boosting, Adam, RMSProp, PCA, QR, Eigendecomposition, Decision Trees etc.

Language: Jupyter Notebook - Size: 70 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 1 - Forks: 0

zeyadusf/LLMs-from-Scratch

Build a Large Language Model (From Scratch) book and Finetuned Models

Language: Jupyter Notebook - Size: 8.22 MB - Last synced at: 22 days ago - Pushed at: 7 months ago - Stars: 29 - Forks: 17

RodrigoPAml/BoxEngine

BoxEngine is an application to build 2D and 3D applications like games using the scripting language Lua

Language: C++ - Size: 152 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 2 - Forks: 2

Abhigyan126/DrishyaVastu

Itis a Python image processing library that integrates with C++ for high-performance operations. Note: C++ binaries are not included and need to be compiled.

Language: C++ - Size: 182 KB - Last synced at: 14 days ago - Pushed at: 23 days ago - Stars: 2 - Forks: 0

antonio-f/BERT_from_scratch

Training a BERT model from scratch.

Language: Jupyter Notebook - Size: 38.1 KB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 3

PhilippRados/wrecc

A x86_64 C99 compiler written in Rust from scratch

Language: Rust - Size: 1.42 MB - Last synced at: 24 days ago - Pushed at: 4 months ago - Stars: 418 - Forks: 14

szym-mie/webgl_boxes

Pure WebGL prototype of a 3D shooter, with original assets

Language: JavaScript - Size: 6.04 MB - Last synced at: 18 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

F33RNI/QPSK-Demo

Demonstration of a QPSK modulator / demodulator in the audio range (with the ability to run it through a real speaker / mic)

Language: Python - Size: 11 MB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

lolvr69/LLMs-from-scratch

LLMs-from-scratch中文版本,从头开始用 PyTorch 实现一个类似 ChatGPT 的大语言模型(LLM)

Size: 1.95 KB - Last synced at: 15 days ago - Pushed at: 28 days ago - Stars: 0 - Forks: 0

keyvank/tsp

The Super Programmer

Language: Python - Size: 16.9 MB - Last synced at: 15 days ago - Pushed at: about 1 month ago - Stars: 123 - Forks: 6

jnclink/Custom-NN

Custom implementation of a neural network from scratch using Python

Language: Python - Size: 3.74 MB - Last synced at: 28 days ago - Pushed at: 29 days ago - Stars: 1 - Forks: 0

DR4G0Nd33ZbA11ZaccrosY0urF4c3/alicelinux

Mirror of Emmett1's AliceLinux + New recipes, and hosted on a (mostly) sensible git host

Size: 1.95 KB - Last synced at: 30 days ago - Pushed at: 30 days ago - Stars: 0 - Forks: 0

mkirchner/stutter

Implement a Lisp, in C, from scratch, no libs

Language: C - Size: 1.36 MB - Last synced at: 18 days ago - Pushed at: almost 3 years ago - Stars: 81 - Forks: 7

mahanzavari/Neuromah

Here I will be coding a simple neural network framework from scratch

Language: Python - Size: 459 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 6 - Forks: 0

ProfessorNova/Stable-Diffusion-Flowers

This repository is a from scratch PyTorch implementation of the Stable Diffusion model trained on the Flowers102 dataset.

Language: Python - Size: 59 MB - Last synced at: 30 days ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

antonio-f/mixture-of-experts-from-scratch

Mixture of Experts from scratch

Language: Jupyter Notebook - Size: 234 KB - Last synced at: 21 days ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 1

Komanturne/UnPhysics-Engine

physics engine, written in d-lang, unlicense license.

Language: D - Size: 11.7 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

tuannh982/query-planner-guide

build your own query planner

Language: Scala - Size: 3.39 MB - Last synced at: 10 days ago - Pushed at: 6 months ago - Stars: 26 - Forks: 1

Nesanu/Portfolio_architecte_Sophie_Bluel

Ce projet, réalisé dans le cadre de la formation OpenClassrooms, introduit au JavaScript et à l’exploitation des données issues d’une API REST fournie en base.

Language: JavaScript - Size: 12.6 MB - Last synced at: 19 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Nesanu/Site_vitrine_Booki

Booki est un site vitrine représentant une entreprise fictive spécialisée dans les vacances. Ce projet en HTML et CSS a été réalisé dans le cadre de ma formation chez OpenClassrooms, avec pour objectif de me familiariser avec le développement web tout en respectant les bonnes pratiques du métier.

Language: CSS - Size: 44.9 MB - Last synced at: 19 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

rafnixg/own_wsgi

This is a simple tutorial on how to create your own WSGI server. This tutorial is for educational purposes only. It is not recommended to use this server in production.

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

gbonacini/tssh

A SSH 2.0 client written from scratch in C++20, starting from the RFCs. Openssh compatible.

Language: C++ - Size: 1.18 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 28 - Forks: 6

ThibaultPND/Dijkstra_In_C

I wanted to create a visual A* algorithm in full C. So i do

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

TawalMc/coding_challenges_build_your_x

Projects built are listed by "The Coding Challenges" and "Build Your Own X" websites

Language: Go - Size: 160 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

tugot17/K-Means-Algorithm-From-Scratch

The K-Means algorithm, written from scratch using the Python programming language

Language: Jupyter Notebook - Size: 38.1 MB - Last synced at: 15 days ago - Pushed at: over 4 years ago - Stars: 17 - Forks: 5

AsadiAhmad/Perceptron-From-Scratch

Implementing linear Perseptron model from scratch with exporting model and Early Stopping when model converges.

Language: Jupyter Notebook - Size: 282 KB - Last synced at: 24 days ago - Pushed at: 5 months ago - Stars: 23 - Forks: 0

gcairone/cnn

Simple convolutional neural network from scratch

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

aandyw/TransformerFromScratch

🤖 Building a transformer from scratch — because if suffering builds character, it might as well build a seq2seq translation model too!

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

szym-mie/2mach

Unifinished project of 2-instruction virtual machine and assmbler in C

Language: C - Size: 17.6 KB - Last synced at: 18 days ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

szym-mie/wdai-zombies

Zombie shooting gallery at your home.

Language: JavaScript - Size: 734 KB - Last synced at: 18 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

szym-mie/tcctl

'temperature control control' for RaspberryPI with deamon, Unix sockets and dynamic config

Language: C - Size: 30.3 KB - Last synced at: 18 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

sdotci/s

@sdotci's project

Language: PHP - Size: 105 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

baroxyton/webKDE

kde on the web

Language: JavaScript - Size: 7.97 MB - Last synced at: 7 days ago - Pushed at: 8 months ago - Stars: 39 - Forks: 2

bernoussama/http-server-rust

HTTP server implementation from scratch in Rust

Language: Rust - Size: 11.7 KB - Last synced at: 5 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

vanstrouble/cga-from-scratch

CGA algorithm from scratch using Python.

Language: Python - Size: 984 KB - Last synced at: 23 days ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

jofaval/angular-dynamic-sidebar-menu

Docusaur's dynamic sidebar reference in angular from scratch

Language: TypeScript - Size: 0 Bytes - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

cedrickchee/doom-wasm

Porting DOOM to WebAssembly from scratch, without much magic tooling or frameworks (i.e, Emscripten) on our way.

Language: C++ - Size: 1.66 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

michal-z/eneida

Experimental demoscene project using C99 and Direct3D 12. Fully standalone with custom windows, and d3d12 headers. No Windows SDK, libc or Visual Studio dependency. C and HLSL compilers included.

Language: C++ - Size: 107 MB - Last synced at: 6 days ago - Pushed at: about 5 years ago - Stars: 140 - Forks: 2

Adam-Mazur/TinyTensor

A from-scratch PyTorch's Tensor reimplementation in C++

Language: C++ - Size: 73.2 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

CloudCodingSpace/CENGINE

A graphics engine in C with the Vulkan API for experience

Language: C - Size: 2.39 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 34 - Forks: 4

omaraflak/Medium-Python-Neural-Network

This code is part of my post on Medium.

Language: Python - Size: 18.6 KB - Last synced at: 8 days ago - Pushed at: almost 6 years ago - Stars: 114 - Forks: 45

geekymoose/fishing-time-2d 📦

[CLOSED] A little 2D game made in C for Linux with engine / gameplay separation (reusable engine)

Language: C - Size: 5.65 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 4 - Forks: 1

ValentinHebert/valentinhebert.github.io

Valentin Hébert's website hosted.

Language: JavaScript - Size: 31.2 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

DevTobias/neural-network-from-scratch 📦

Neural network implementation from scratch for handwriting recognition based on the MNIST dataset.

Language: Pascal - Size: 3.8 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 2 - Forks: 3

CamH04/TheCoolOsDictionary

A list of operating systems that are cool / interesting / unique

Size: 5.86 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

GuyOnWifi/neural-net

MLP implentation from scratch using only Numpy, no external ML libraries

Language: Python - Size: 87.6 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

MainakRepositor/Activation-Infopedia

Language: Python - Size: 146 KB - Last synced at: 14 days ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 1

jmaczan/gpt

Generative Pre-trained Transformer in PyTorch from scratch

Language: Python - Size: 95.7 KB - Last synced at: 8 days ago - Pushed at: 3 months ago - Stars: 3 - Forks: 1

antonio-f/minimal-rag-model

Minimal RAG model using Cohere and SerpAPI

Language: Python - Size: 2.93 KB - Last synced at: 30 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

A-725-K/DeCempions

API based Football league guessing game

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

victor-sys-admin/BASE_from_flask_api_to_a_robust_container_from_scratch

Demo API to help you build production ready python flask API inside a container "FROM scratch".

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

ANANTH-SWAMY/redis-from-scratch

A bare-bones redis server with persistence built from scratch

Language: Go - Size: 38.1 KB - Last synced at: 16 days ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

GoldSharon/logistic-regression-from-scratch

A Logistic Regression model built from scratch in Python using NumPy, without ML libraries. It includes gradient descent, binary classification, and adjustable learning rates, demonstrating training, predictions, and weight updates with sigmoid activation.

Language: Jupyter Notebook - Size: 681 KB - Last synced at: 17 days ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

pouriaSameti/Fundamental-AI

The Fundamentals of Artificial Intelligence Course Projects.

Language: Jupyter Notebook - Size: 13 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

awmthink/pytorch-in-action

A hands-on repository dedicated to building mainstream deep learning models from scratch using PyTorch

Language: Jupyter Notebook - Size: 66.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ozzyozbourne/NvimConf

My Current NeoVim Config

Language: Lua - Size: 82 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

lowczarc/lancelot.life

❤️ Best Website in the world. Written without any HTTP framework.

Language: Rust - Size: 826 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

adityajn105/MLfromScratch

Library for machine learning where all algorithms are implemented from scratch. Used only numpy.

Language: Python - Size: 127 KB - Last synced at: 8 days ago - Pushed at: 7 months ago - Stars: 23 - Forks: 8

MansurPro/DigitRecognizer

DigitRecognizer is a simple, handcrafted neural network implemented with NumPy to classify handwritten digits from the MNIST dataset. This project demonstrates the foundational principles of neural networks, including forward propagation, backpropagation, and gradient descent, all built from scratch without relying on deep learning frameworks.

Language: Python - Size: 10.8 MB - Last synced at: 24 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

msikorski93/Linear-Regression-From-Scratch

Different solutions of linear and polynomial regression made from scratch.

Language: Jupyter Notebook - Size: 1.26 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

otuemre/simpleNET

A simple neural network framework built from scratch using Python and NumPy. Designed as a learning tool, SimpleNET includes essential layers, activation functions, and loss functions, enabling users to build and train basic neural networks from the ground up.

Language: Python - Size: 26.4 KB - Last synced at: 27 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

drisskhattabi6/XGBoost-vs-Naive-Bayes-For-Arcene-Dataset

This repo contains a comparison between XGBoost & Naive Bayse For "Arcene" Dataset.

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

oyounis19/NLP-From-Scratch

A collection of NLP projects implemented from scratch using PyTorch, ranging from beginner-friendly tasks to advanced topics.

Language: Jupyter Notebook - Size: 134 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 4 - Forks: 2

Pegah-Ardehkhani/LogisticRegression-From-Scratch

"Logistic Regression" from Scratch

Language: Jupyter Notebook - Size: 2.86 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

Pegah-Ardehkhani/Deep-Neural-Network-From-Scratch

"Deep Neural Network" from Scratch

Language: Jupyter Notebook - Size: 3.89 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

Pegah-Ardehkhani/CNN-From-Scratch

"CNN" from Scratch

Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

Pegah-Ardehkhani/One-Hidden-Layer-Neural-Network-From-Scratch

"One Hidden Layer Neural Network" from Scratch

Language: Jupyter Notebook - Size: 878 KB - Last synced at: 22 days ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 0

msikorski93/Logistic-Regression-Classifier-From-Scratch

Logistic regression created in Python for binary classification.

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