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

Topic: "neural-networks-from-scratch"

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

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: 4 months ago - Pushed at: 12 months ago - Stars: 133 - Forks: 12

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: 5 months ago - Pushed at: about 2 years ago - Stars: 68 - Forks: 4

csukuangfj/OpenCNN

An Open Convolutional Neural Network Framework in C++ From Scratch

Language: C++ - Size: 703 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 61 - Forks: 8

AyushExel/Neo

Deep learning library in python from scratch

Language: Python - Size: 267 KB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 44 - Forks: 11

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: 23 days ago - Pushed at: 24 days ago - Stars: 34 - Forks: 14

CarloWood/machine-learning

My first ML sandbox

Language: C++ - Size: 314 KB - Last synced at: 4 months ago - Pushed at: 9 months ago - Stars: 26 - Forks: 2

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

Abhinavexists/NeuNet

Implementation of feedforward-backpropagated Neural Network from Scratch

Language: Python - Size: 3.11 MB - Last synced at: 12 days ago - Pushed at: 2 months ago - Stars: 20 - Forks: 0

samrere/pytortto

deep learning from scratch. uses numpy/cupy, trains in GPU, follows pytorch API

Language: Python - Size: 9.38 MB - Last synced at: 12 days ago - Pushed at: about 2 years ago - Stars: 20 - Forks: 1

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: 3 months ago - Pushed at: 6 months ago - Stars: 18 - Forks: 1

mathspp/nnfwp

Neural Networks Fundamentals with Python – implementing neural networks from scratch

Language: Python - Size: 12.8 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 5

alirezakazemipour/NN-Without-Frameworks

Let's build Neural Networks from scratch.

Language: Python - Size: 499 KB - Last synced at: 29 days ago - Pushed at: about 3 years ago - Stars: 16 - Forks: 2

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: 25 days ago - Pushed at: about 4 years ago - Stars: 15 - Forks: 0

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: 504 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 13 - Forks: 1

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: almost 5 years ago - Stars: 12 - Forks: 4

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: 5 months ago - Pushed at: about 3 years ago - Stars: 11 - Forks: 0

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.

Language: Jupyter Notebook - Size: 5.9 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 0

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: about 1 month ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 12

sushantPatrikar/XOR-Gate-With-Neural-Network-Using-Numpy

XOR gate which predicts the output using Neural Network :fire:

Language: Python - Size: 192 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 4

nazaninsbr/Neural-Network

Neural Network with VHDL and matlab

Language: C - Size: 18.9 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 3

mklimasz/SimpleNeuralNetwork

Pure Python Simple Neural Network (SNN) library

Language: Python - Size: 7.81 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 6 - Forks: 2

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: 4 months ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 2

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

TheHarshal30/Curiosity

Implementing Neural Networks using Maths and Numpy only

Language: Python - Size: 18.6 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 1

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: about 1 month ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 3

wlxiong/learn-ml-the-hard-way

Learn machine learning the hard way

Language: Terra - Size: 12.1 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 0

rileynwong/pytorch-neural-style-transfer

PyTorch implementation of Neural Style Transfer

Language: Python - Size: 44 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 2

SC4RECOIN/Jeras

Keras-style machine learning framework for Java

Language: Java - Size: 26.4 KB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 5 - 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: 11 months ago - Pushed at: 11 months ago - Stars: 4 - Forks: 1

S0852306/Surface-Fitting-Neural-Networks

Neural nets for high accuracy multivariable nonlinear regression and classification.

Language: MATLAB - Size: 7.76 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 1

ASaid7/MLP-from-Scratch

Multilayer Perceptron from scratch in python

Language: Jupyter Notebook - Size: 10.7 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 3

Pawandeep-prog/simple-nn-cpp

This is a simple neural network using c++ language

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

manishdhakal/Backpropagation

Neural Network implementation in C++ with Backpropagation from scratch

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

thag0/JNN

Biblioteca para manipulação de modelos de Redes Neurais

Language: Java - Size: 214 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 3 - Forks: 1

mandriota/nerio

generic for small static neural networks allocated on stack

Language: Rust - Size: 33.2 KB - Last synced at: 19 days ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 0

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

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: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

kripxera1/DeepCPP

DeepCPP is a Neural Network Framework implemented entirely from scratch in C++

Language: C++ - Size: 258 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 3 - 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: almost 2 years ago - Stars: 3 - Forks: 0

Amith225/NeuralNetworksAndTopologies

Implementation of artificial neural networks

Language: Jupyter Notebook - Size: 38.2 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 3 - 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: 5 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

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

Language: Java - Size: 354 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 3 - 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: 15 days ago - Pushed at: 15 days ago - Stars: 2 - 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 19 hours ago - Pushed at: 16 days ago - Stars: 2 - 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: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

apotursun963/Neural-Network

Artificial Neural Network from scratch

Language: Python - Size: 1020 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 2 - Forks: 1

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: 3 months ago - Pushed at: 10 months ago - Stars: 2 - 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: 3 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

z8RtksLil4/RhymetNeural

Open Source neural network framework/architecture

Language: Python - Size: 15.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

ssitu/Java-Neural-Network-Library

A neural network library from scratch

Language: Java - Size: 225 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

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

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

jsnarvasa/COMP5329

Computer Science 5329 - Deep Learning

Language: Jupyter Notebook - Size: 57.7 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 2

lenaromanenko/deep_learning

Image Recognition with Deep Learning Models

Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

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

rileynwong/pytorch-seq2seq-joke2punchline

PyTorch seq2seq implementation. Includes pretrained models for jokes<>punchlines and english<>french.

Language: Python - Size: 41.2 MB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

xoxwaw/neural_net

implementation of neural network from scratch using javascript

Language: JavaScript - Size: 1.94 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

djbyrne/Neural-Network-From-Scratch-Tumour-Diagnosis

This notebook goes through how to build a neural network using only numpy. The network classifies tumours, identifying if they are malignant or benign. This notebook uses the Breast Cancer Wisconsin dataset.

Language: Jupyter Notebook - Size: 7.62 MB - Last synced at: 22 days ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 1

lcmialichi/neural-network

A complete convolutional neural network implemented from scratch

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

leonardocrociani/Neural-Network

A neural network implemented from scratch. Fully parametrizable, validation methods included.

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

Francesco-Zeno-Costanzo/neural-network

Some code as an introduction to neural networks

Language: Python - Size: 2.49 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 1

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

yilmaz08/neural-network-from-scratch

Neural Network From Scratch (without any machine learning modules)

Language: Python - Size: 15.6 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 1 - 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: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - 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: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - 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

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

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

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: 5 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 3

geekazodium/java-neural-network

learning how neural networks work by making it from scratch

Language: Java - Size: 60.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

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: 4 months ago - Pushed at: almost 2 years ago - Stars: 1 - 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

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: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

thag0/Rede-Neural-Java

Modelo de rede neural artificial Multilayer Perceptron criado por mim

Language: Java - Size: 3.51 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

nitinnilesh/Neural-Network-From-Scratch

Multilayer Neural Network from Scratch.

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

eren23/nn-architecture-examples

A small collection of basic neural networks for different tasks using pytorch.

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

AkhilSirvi/NEURAL-NETWORK-SYSTEM

This is a neural network system repository

Language: JavaScript - Size: 23.4 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - 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: 20 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

donny-stacks/tensorflow Fork of tensorflow/tensorflow

An Open Source Machine Learning Framework for Everyone

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

SinghHarshita/deepsight Fork of sumedh151/deepsight

DeepSight - a portal for land use and land cover classification

Language: CSS - Size: 16 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

arghavan-kpm/dynamic-nn-from-scratch

Object-oriented implementation of a dynamic neural network with pure python. You can use different activation functions, regularizers, and gradient descents. The network will be trained on the noMNIST dataset.

Language: Python - Size: 9.25 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

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: almost 5 years ago - Stars: 1 - Forks: 0

roshanr11/bike-sharing-ml

In this project, I build, train, validate, and test a neural network from scratch using the popular Bike-Sharing dataset to predict daily bike rental ridership.

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

taufikfathurahman/Deep-Learning-from-Scratch

Learning documentation of deep learning from scratch

Language: Jupyter Notebook - Size: 925 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

charumakhijani/deep-learning

Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 2

defnetuncer98/machine-learning

Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

8Gitbrix/Neural-Network

Basic feedforward neural network written from scratch in Python along with a manual explaining how to implement basic neural networks

Language: Python - Size: 759 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 2

ProgrammerGnome/debugging-neural-networks

Numerical experiments for a better understanding of neural networks.

Language: Python - Size: 32.9 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - 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: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

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

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

CenturionTheMan/DrawingsIdentifier

Application for classifying hand-drawn sketches based on the QuickDrawDataset.

Language: C# - Size: 369 MB - Last synced at: 6 months ago - Pushed at: 8 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: about 1 month ago - Pushed at: 8 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: 24 days ago - Pushed at: 8 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: 7 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

berkaytrhn/neural-network-from-scratch

Neural Network From Scratch Implementation Using NumPy, also Jax

Language: Python - Size: 141 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Related Topics
neural-network 85 machine-learning 58 neural-networks 57 deep-learning 45 python 35 numpy 29 pytorch 17 artificial-intelligence 15 convolutional-neural-networks 13 deep-neural-networks 12 backpropagation 12 mnist 11 cnn 11 tensorflow 10 gradient-descent 10 ai 9 python3 9 artificial-neural-networks 9 feedforward-neural-network 9 mnist-classification 8 neural-network-architectures 8 keras 7 cpp 7 from-scratch 6 mnist-dataset 6 machine-learning-algorithms 6 image-classification 5 convolutional-neural-network 5 ml 5 java 5 multilayer-perceptron-network 4 library 4 jupyter-notebook 4 neuralnetworks 4 machinelearning 4 neural-networks-and-deep-learning 4 javascript 4 data-science 4 visualization 4 recurrent-neural-networks 4 xor 4 neural 4 numpy-neural-network 3 logistic-regression 3 cuda 3 linear-regression 3 backpropagation-neural-network 3 framework 3 lstm 3 numpy-arrays 3 scratch-implementation 3 neuralnetwork 3 gpu 3 gan 3 computer-vision 3 rust 3 softmax 3 simple-neural-network 3 neural-network-builder 3 genetic-algorithm 3 image-segmentation 3 tensorflow2 3 nn 3 ann 3 open-source 2 multilayer-perceptron 2 dcgan-pytorch 2 pooling 2 backpropogation 2 cross-entropy-loss 2 dropout 2 neural-network-from-scratch 2 activation-functions 2 feed-forward 2 classification 2 model 2 regression-models 2 beginner-friendly 2 training 2 neural-networks-visualization 2 machine-learning-from-scratch 2 tutorial 2 deep-learning-tutorial 2 mnist-image-dataset 2 handwritten-digit-recognition 2 fnn 2 quickdraw-dataset 2 dotnet 2 csharp 2 dcgan 2 nnfs 2 rmsprop 2 data-preprocessing 2 deep-learning-algorithms 2 neural-network-visualizations 2 youtube 2 stem 2 xor-neural-network 2 image-recognition 2 forward-propagation 2