neural-networks-from-scratch
There are 168 repositories under neural-networks-from-scratch topic.
ADGEfficiency/teaching-monolith
Data science teaching materials
Ameobea/neural-network-from-scratch
A neural network library written from scratch in Rust along with a web-based application for building + training neural networks + visualizing their outputs
trekhleb/micrograd-ts
🤖 A TypeScript version of karpathy/micrograd — a tiny scalar-valued autograd engine and a neural net on top of it
csukuangfj/OpenCNN
An Open Convolutional Neural Network Framework in C++ From Scratch
AyushExel/Neo
Deep learning library in python from scratch
chizkidd/Karpathy-Neural-Networks-Zero-to-Hero
Detailed python notes & code for lectures and exercises of Andrej Karpathy's course "Neural Networks: Zero to Hero." The course is focused on building neural networks from scratch.
wlxiong/learn-ml-the-hard-way
Learn machine learning the hard way
CarloWood/machine-learning
My first ML sandbox
matciotola/Lambda-PNN
Unsupervised Deep Learning-based Pansharpening with Jointly-Enhanced Spectral and Spatial Fidelity
mytechnotalent/HNN
A step-by-step walkthrough of the inner workings of a simple neural network. The goal is to demystify the calculations behind neural networks by breaking them down into understandable components, including forward propagation, backpropagation, gradient calculations, and parameter updates.
samrere/pytortto
deep learning from scratch. uses numpy/cupy, trains in GPU, follows pytorch API
Abhinavexists/NeuNet
Implementation of feedforward-backpropogated Neural Network from Scratch
mathspp/nnfwp
Neural Networks Fundamentals with Python – implementing neural networks from scratch
Lemniscate-world/Neural
Neural is a domain-specific language (DSL) designed for defining, training, debugging, and deploying neural networks. With declarative syntax, cross-framework support, and built-in execution tracing (NeuralDbg), it simplifies deep learning development.
milesgranger/pyrus-nn
Lightweight, easy to use, micro neural network framework written in Rust w/ no python dependencies
alirezakazemipour/NN-Without-Frameworks
Let's build Neural Networks from scratch.
josephjaspers/blackcat_tensors
Matrix-Vector Library Designed for Neural Network Construction. cuda (gpu) support, openmp (multithreaded cpu) support, partial support of BLAS, expression template based implementation PTX code generation identical to hand written kernels, and support for auto-differentiation
sophiaas/simple-neural-nets
Learn to build neural networks from scratch, simply. No autograd, no deep learning libraries - just numpy.
S0852306/Surface-Fitting-Neural-Networks
Neural nets for high accuracy multivariable nonlinear regression.
anh-nn01/Neural-Network-from-Scratch--Hand-written-Digits-classifier
This is my first Deep Learning project, which is a MNIST hand-written digits classifier. The model is implemented completely from scratch WITHOUT using any prebuilt optimization like Tensorflow or Pytorch. Tensorflow is imported only to load the MNIST data set. This model also uses 2 hidden layers with Adaptive Moment Optimization (Adam) and Drop-out regularization.
nazaninsbr/Neural-Network
Neural Network with VHDL and matlab
sushantPatrikar/XOR-Gate-With-Neural-Network-Using-Numpy
XOR gate which predicts the output using Neural Network :fire:
mklimasz/SimpleNeuralNetwork
Pure Python Simple Neural Network (SNN) library
tromgy/simple-neural-networks
A set of Jupyter notebooks implementing simple neural networks described in Michael Nielsen's book.
imdeep2905/Neural-Network-CPP
To understand neural networks thoroughly I implemented them from scratch in C++. This is the source code for the same.
timvvvht/Neural-Networks-and-Optimizers-from-scratch
Neural Networks and optimizers from scratch in NumPy, featuring newer optimizers such as DemonAdam or QHAdam.
jabacat/jml
JABACAT-created machine learning library from scratch.
LeeSinLiang/Neural-Network-Manim
Code for my youtube video: Neural Network Crash Course, Ep 1
rileynwong/pytorch-neural-style-transfer
PyTorch implementation of Neural Style Transfer
SC4RECOIN/Jeras
Keras-style machine learning framework for Java
TheHarshal30/Curiosity
Implementing Neural Networks using Maths and Numpy only
Amith225/NeuralNetworksAndTopologies
Implementation of artificial neural networks
jsnarvasa/COMP5329
Computer Science 5329 - Deep Learning
jwblangley/neat-ml
An implementation of the NEAT (Neuroevolution through augmenting topologies) algorithm in Java. Originally found at http://nn.cs.utexas.edu/downloads/papers/stanley.ec02.pdf
manishdhakal/Backpropagation
Neural Network implementation in C++ with Backpropagation from scratch
Pawandeep-prog/simple-nn-cpp
This is a simple neural network using c++ language