GitHub topics: 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.
Language: HTML - Size: 529 MB - Last synced at: about 15 hours ago - Pushed at: about 17 hours ago - Stars: 15 - Forks: 1
Adars2005/LanguageModelSubmissionIIITHInternship
Neural Language Model (LSTM) trained from scratch using PyTorch — includes underfitting, overfitting, best-fit experiments, perplexity evaluation, pretrained model files, and reproducible training code.
Language: Jupyter Notebook - Size: 24.8 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0
thag0/JNN
Biblioteca para manipulação de modelos de Redes Neurais
Language: Java - Size: 223 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 3 - Forks: 1
mohammad-ghaderi/mnist-asm-nn
A complete neural network built entirely in x86 assembly language that learns to recognize handwritten digits from the MNIST dataset. No frameworks, no high-level languages - just pure assembly - ~7× faster than NumPy
Language: Assembly - Size: 14.6 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 92 - Forks: 0
gabywald/BioSilico
Some ideas about Artificial Life, Creatures (game series) and Neural Networks. (Java, Latex, Perl...)
Language: Java - Size: 58.3 MB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 2 - Forks: 0
DanielDobromylskyj/PyMycoNet
Python + OpenCl 2.0 Neural Networking Program - Designed to work on AMD hardware. Computer Science A-Level project code. Made to work with the front-end server "findabac"
Language: Python - Size: 20.9 MB - Last synced at: about 13 hours ago - Pushed at: about 15 hours ago - Stars: 0 - Forks: 0
ProgrammerGnome/debugging-neural-networks
Numerical experiments for a better understanding of neural networks.
Language: Python - Size: 53 MB - Last synced at: about 2 months ago - Pushed at: about 2 months 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: about 2 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0
ARUNAGIRINATHAN-K/neural-networks-from-scratch-math-projects
This repository showcases **10 curated projects** that demonstrate the mathematics behind Artificial Neural Networks (ANNs) using practical Python implementations. Ideal for learners, researchers, and aspiring data scientists.
Language: Jupyter Notebook - Size: 1.41 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 7 - Forks: 1
AyushExel/Neo
Deep learning library in python from scratch
Language: Python - Size: 267 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 45 - Forks: 11
samrere/pytortto
deep learning from scratch. uses numpy/cupy, trains in GPU, follows pytorch API
Language: Python - Size: 9.38 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 20 - Forks: 1
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.
Language: Jupyter Notebook - Size: 70 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 34 - Forks: 14
Abhinavexists/NeuNet
Implementation of feedforward-backpropagated Neural Network from Scratch
Language: Python - Size: 3.11 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 20 - Forks: 0
arkanivasarkar/Deep-Learning-from-Scratch
Implementation of a Fully Connected Neural Network, Convolutional Neural Network (CNN), and Recurrent Neural Network (RNN) from Scratch, using NumPy.
Language: Python - Size: 18.1 MB - Last synced at: 19 days ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0
noteeeeeeeee/neural-network-from-scratch
Build a neural network from scratch using NumPy. Explore custom tensors, layers, and GPU support. Join the project on GitHub! 🐙🌟
Size: 1.95 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
alirezakazemipour/NN-Without-Frameworks
Let's build Neural Networks from scratch.
Language: Python - Size: 499 KB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 16 - Forks: 2
mandriota/nerio
generic for small static neural networks allocated on stack
Language: Rust - Size: 33.2 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 3 - Forks: 0
Logon27/AeroNet
An educational neural network library written using python, numpy, and minimal scipy functions
Language: Python - Size: 106 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
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.
Language: Jupyter Notebook - Size: 3.14 MB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 18 - Forks: 1
adeen-s/neural-network-from-scratch
A Python implementation of neural networks built from scratch using only NumPy
Language: Python - Size: 428 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
archanadby05/Neural_Network_from_Scratch
This repository features hands-on Jupyter Notebooks, covering everything from fundamental concepts to advanced neural network architectures.
Language: Jupyter Notebook - Size: 498 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0
lcmialichi/neural-network
A complete convolutional neural network implemented from scratch
Language: Python - Size: 360 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
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
Language: Rust - Size: 1.73 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 133 - Forks: 12
leonardocrociani/Neural-Network
A neural network implemented from scratch. Fully parametrizable, validation methods included.
Language: Python - Size: 11.9 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
saravanabalagi/protonn 📦
Neural Network Prototyping library with reactive interface and export code features
Language: JavaScript - Size: 281 KB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0
trekhleb/micrograd-ts
🤖 A TypeScript version of karpathy/micrograd — a tiny scalar-valued autograd engine and a neural net on top of it
Language: TypeScript - Size: 5.38 MB - Last synced at: 7 months ago - Pushed at: about 2 years ago - Stars: 68 - Forks: 4
Francesco-Zeno-Costanzo/neural-network
Some code as an introduction to neural networks
Language: Python - Size: 2.49 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 1
tromgy/simple-neural-networks
A set of Jupyter notebooks implementing simple neural networks described in Michael Nielsen's book.
Language: HTML - Size: 16 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 7 - Forks: 12
sophiaas/simple-neural-nets
Learn to build neural networks from scratch, simply. No autograd, no deep learning libraries - just numpy.
Language: Python - Size: 1.46 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 0
csukuangfj/OpenCNN
An Open Convolutional Neural Network Framework in C++ From Scratch
Language: C++ - Size: 703 KB - Last synced at: 7 months ago - Pushed at: over 4 years ago - Stars: 61 - Forks: 8
sayemuzzamansiam/Neural-Network-From-Scratch
Building a Neural Network from Scratch using Python and NumPy
Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: 8 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
ChaitanyaC22/Neural-Network-using-Numpy
Introduction to Neural Networks (Create a neural network using Numpy)
Language: Jupyter Notebook - Size: 15.8 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0
apotursun963/Neural-Network
Artificial Neural Network from scratch
Language: Python - Size: 1020 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 1
SwamiKannan/Neural-Network-from-scratch-Numpy
Creating a basic NN from scratch to detect numbers from the MNIST dataset using Numpy
Language: Jupyter Notebook - Size: 940 KB - Last synced at: 9 months ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0
DangNhutNguyen/Neural-Network-from-Scratch
I've written this repository to explaining step-by-step building a neural network from scratch by using python and MNIST dataset to review
Language: Python - Size: 26.4 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0
CenturionTheMan/DrawingsIdentifier
Application for classifying hand-drawn sketches based on the QuickDrawDataset.
Language: C# - Size: 369 MB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
prince2004patel/Neural_Network_from_Scratch
"Neural Networks from Scratch" is a step-by-step implementation of neural networks using Python without external libraries. This repository covers essential concepts such as activation functions, loss computation, optimization techniques, and provides a deep understanding of forward and backward propagation.
Language: Python - Size: 78.1 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
CenturionTheMan/ToyNeuralNetwork
A self-made neural network library that supports feedforward neural networks and convolutional neural networks
Language: C# - Size: 593 KB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
Islam-hady9/deep-cuda
Image Classification with CNN in CUDA C++
Language: Jupyter Notebook - Size: 119 KB - Last synced at: 20 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
CarloWood/machine-learning
My first ML sandbox
Language: C++ - Size: 314 KB - Last synced at: 6 months ago - Pushed at: 11 months ago - Stars: 26 - Forks: 2
david-palma/neural-network-from-scratch
Step-by-step guide to creating a neural network from scratch in Python.
Language: Python - Size: 1.6 MB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 1
Raihan4520/Neural-Network
This repository features a 3-layer neural network built from scratch in Python, alongside TensorFlow and PyTorch versions.
Language: Jupyter Notebook - Size: 919 KB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 1
berkaytrhn/neural-network-from-scratch
Neural Network From Scratch Implementation Using NumPy, also Jax
Language: Python - Size: 141 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0
matteo-stat/multi-task-learning-object-detection-semantic-segmentation
A multi task neural network implemented from scratch, performing object detection with SSD and semantic segmentation with DeeplabV3+ simultaneosly!
Language: Jupyter Notebook - Size: 70 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0
imdeep2905/Neural-Network-CPP
To understand neural networks thoroughly I implemented them from scratch in C++. This is the source code for the same.
Language: C++ - Size: 781 KB - Last synced at: 6 months ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 2
mathspp/nnfwp
Neural Networks Fundamentals with Python – implementing neural networks from scratch
Language: Python - Size: 12.8 MB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 5
mytechnotalent/RENN
Inspired by Andrej Karpathy’s micrograd, this lecture builds a neural network from scratch, manually deriving gradients, automating backpropagation, and leveraging the TANH activation for nonlinearity. We bridge to PyTorch, demonstrating gradient descent’s power to minimize loss and reveal neural network fundamentals.
Language: Jupyter Notebook - Size: 1.32 MB - Last synced at: 20 days ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0
VarunKhambhata/HermesNetwork
A C++ library using OpenGL 3 to build and run neural network on any GPU.
Language: C++ - Size: 2.33 MB - Last synced at: 7 months ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0
NazzX1/Scratch_NN
A neural network library built from scratch in Go for educational purposes. Implements customizable layers, activation functions, loss functions, and training with SGD
Language: Go - Size: 899 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
Piero24/VanillaNet-cpp
A fully connected Neural Network in C++ with SGD from scratch, achieving 98% accuracy on the MNIST dataset.
Language: C++ - Size: 88.6 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
kiani2845/Doctor
Fixing the problem of diagnosis and providing a solution to cure all diseases using the intelligent software of the doctors' building
Language: Python - Size: 9.77 KB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
ParsaJafarian/neural-cipher-waves
3 JavaFX based simulations about neural-networks, caesar ciphers and wave behaviours.
Language: Java - Size: 66.4 MB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0
sinmi-hub/Hyperskill
A very simple but fully connected neural network that uses custom feedforward and backpropagation methods and functions, all done by hand. The dataset for this project is Fashion-MNIST
Language: Python - Size: 9.77 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
proplayer919/pytera
A neural network library built for speed and competence.
Language: Python - Size: 12.7 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0
LeeSinLiang/Neural-Network-Manim
Code for my youtube video: Neural Network Crash Course, Ep 1
Language: Python - Size: 582 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 1
Kushwanthchitipotu/ML_fundamentals
Some exercises codes on basics of machine learning built from scratch with basic libraries like numpy ,math.
Language: Jupyter Notebook - Size: 14.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
yilmaz08/neural-network-from-scratch
Neural Network From Scratch (without any machine learning modules)
Language: Python - Size: 15.6 KB - Last synced at: 8 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0
matteo-stat/convmixer-patches-are-all-you-need
A Keras implementation of the ConvMixer architecture from the paper "Patches are all you need?", built from scratch using TensorFlow and Python.
Language: Jupyter Notebook - Size: 205 KB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
LoQiseaking69/SephsBIOME
The SephsBiome project aims to stand out as an advanced system in the realm of artificial life simulations, machine learning, and evolutionary computation. Its complexity and the integration of various cutting-edge technologies and methodologies make it a sophisticated and forward-thinking initiative.
Language: Python - Size: 38.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
Strained/basic-model-from-scratch
Learning by creating a basic machine learning model in Rust w/o external crates for ML functions.
Language: Rust - Size: 30.3 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
Parthiee/Neural-Network-in-C
A simple neural network built in C
Language: C - Size: 788 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
AshishKumar4/ml-poc-notebooks
Just some notebooks I wrote to research some fun stuff in hobby time
Language: Jupyter Notebook - Size: 187 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
RoopkumarD/nn_in_c
Learning C and overoptimising
Language: C - Size: 140 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
AimanxxAnsari/neural-network-model-pytorch
This is a practice repository for building a neural network model.
Language: Jupyter Notebook - Size: 53.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
Arsalanzabeeb786/neural-net-from-scratch
This notebook serves as a step-by-step tutorial on building a neural network from scratch using only NumPy and Pandas, focusing on the MNIST dataset.
Language: Jupyter Notebook - Size: 8.8 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
farzeennimran/OR-and-AND-gates-using-perceptron-learning
Training single-layer perceptrons to get the outputs of OR and AND logic gates.
Language: Python - Size: 7.81 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
Mayurd9/NN-from-scratch
This is the code for a fully connected neural network. The code is written from scratch using Numpy, without using any ready-made deep learning library. In this, classification is done on the MNIST dataset. It is generalized to include various options for activation functions, loss functions, types of regularization, and output activation types.
Language: Jupyter Notebook - Size: 14.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
maciejczarnacki/hindbrain.py
Artificial neural network package written in python
Language: Python - Size: 43 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
ashwin6-dev/neural-network-library
Neural Network library made with numpy
Language: Python - Size: 18.6 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0
probablygab/nano-nn
Simple Neural Network written from scratch in C++ with a real time interactive and visualization demo.
Language: C - Size: 25 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
Soham-Saha/NeuralNetwork
Simple MLP (Multi-Layer Perceptron) framework with MNIST example
Language: Java - Size: 6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
ADGEfficiency/teaching-monolith
Data science teaching materials
Language: Jupyter Notebook - Size: 21.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 146 - Forks: 31
matciotola/Lambda-PNN
Unsupervised Deep Learning-based Pansharpening with Jointly-Enhanced Spectral and Spatial Fidelity
Language: Python - Size: 2.22 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 23 - Forks: 2
denis-vp/ann-python-implementation
Feed forward neural network implementation from scratch in python using numpy.
Language: Jupyter Notebook - Size: 771 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
mieskolainen/NeuroJacobian
NeuroJacobian - automatic learning of Jacobian mappings
Language: Matlab - Size: 104 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0
lyhsieh/NTHU-Machine-Learning
NTHU EE6550: Machine Learning
Language: Jupyter Notebook - Size: 6.12 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0
LuisWinckelmann/JavaDeep-MLP-RNN-from-scratch-in-Java
Framework to create, train & test MLPs and RNNs, written from scratch in Java
Language: Java - Size: 16.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
nemat-al/Architecture-of-Neural-Networks
Tasks for Architecture of Neural Networks Course @ ITMO University
Language: Jupyter Notebook - Size: 17.5 MB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
dushyant18033/Neural-Network-Implementation-ML-Assignment
Neural Networks Basic Implementation In Python. Kindly refer to the PDF report for in depth discussion.
Language: Python - Size: 18.4 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0
aadityasikder/Neural-Network-from-Scratch-
This notebook demonstrates a neural network implementation using NumPy, without TensorFlow or PyTorch. Trained on the MNIST dataset, it features an architecture with input layer (784 neurons), two hidden layers (132 and 40 neurons), and an output layer (10 neurons) with sigmoid activation.
Language: Jupyter Notebook - Size: 5.38 MB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
elhamza9/ml-from-scratch
ML Algorithms coded from scratch ( Decision Tree, kNN, Gaussian/Multinomial Naive Bayes )
Language: Jupyter Notebook - Size: 10.1 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1
sabari50312/NNForge
NN Forge: Design neural networks visually with our intuitive GUI, then generate clean Python code to jumpstart your deep learning projects.
Language: JavaScript - Size: 16.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
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
Language: C++ - Size: 313 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 12 - Forks: 4
yasirbarlas/neural-network-from-scratch
We build a neural network from scratch to be trained on the MNIST dataset. We also use PyTorch on a London weather dataset for forecasting daily mean temperatures.
Language: Jupyter Notebook - Size: 7.43 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
nonkloq/nn_dqn-from-scratch
Artificial Neural Network (MLP) and Deep Q-Learning Implementation from scratch, only using numpy.
Language: Jupyter Notebook - Size: 278 KB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 3
DavidCoroama/xorai
A basic neural network written in C++ that can calculate the expected output of an xor between two numbers.
Language: C++ - Size: 38.1 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0
milesgranger/pyrus-nn
Lightweight, easy to use, micro neural network framework written in Rust w/ no python dependencies
Language: Rust - Size: 70.3 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 0
Najrul-Ansari/Classification-with-Neural-Networks
This repository houses a powerful neural network-based classification model designed for solving [insert specific problem/task]. The model is trained on a comprehensive dataset and demonstrates high accuracy and efficiency in making predictions
Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
dguliani/neural-network-tutorials
A library of neural network implementations written using just Python and NumPy, as a resource for learning.
Language: Python - Size: 5.86 KB - Last synced at: 8 months ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 2
EliasKramer/NeuroFox
a neural network written from scratch and accelerated with cuda
Language: C++ - Size: 271 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
samueljochem/C-AI
Basic AI written in C
Language: C - Size: 36.1 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
timvvvht/Neural-Networks-and-Optimizers-from-scratch
Neural Networks and optimizers from scratch in NumPy, featuring newer optimizers such as DemonAdam or QHAdam.
Language: Jupyter Notebook - Size: 498 KB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 3
eren23/nn-architecture-examples
A small collection of basic neural networks for different tasks using pytorch.
Language: Python - Size: 157 KB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
07Agarg/Course_Programming_Assignments
My Solutions to Programming Assignments of Artificial Intelligence, Machine Learning and Digital Image Processing
Language: Python - Size: 152 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 1
anshul1004/NeuralNetwork
Neural Network from scratch without any machine learning libraries
Language: Python - Size: 165 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 1
Neurazoid/Multi-Layer-Perceptron
This is a neural network system repository
Language: JavaScript - Size: 8.63 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0
bharathikannann/digit-recognition
An implementation of Neural Networks from scratch in python using only numpy for MNIST dataset .
Language: Jupyter Notebook - Size: 7.12 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1
ASaid7/MLP-from-Scratch
Multilayer Perceptron from scratch in python
Language: Jupyter Notebook - Size: 10.7 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 3
dkozykowski/Multi-Layer-Perceptron
Multi-Layer Perceptron Neural Network from scrach
Language: Python - Size: 1.75 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0
jabacat/jml
JABACAT-created machine learning library from scratch.
Language: C++ - Size: 94.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 5 - Forks: 5