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

Topic: "neural-network-from-scratch"

AayushSameerShah/Neural-Net-Zero-to-Hero-with-Andrej

This repository contains the collection of explorative notebooks pure in python and in the language that we, humans can read. Have tried to compile all lectures from the Andrej Karpathy's 💎 playlist on Neural Networks - which we will end up with building GPT.

Language: Jupyter Notebook - Size: 191 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 77 - Forks: 10

Frightera/Sample-Machine-Learning-Projects

Some example projects that was made using Tensorflow (mostly). This repository contains the projects that I've experimented-tried when I was new in Deep Learning.

Language: Jupyter Notebook - Size: 73.3 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 19 - Forks: 4

shayanalibhatti/Coding-neural_network-for-XOR-logic-from-scratch

In this repository, I implemented a proof of concept of all my theoretical knowledge of neural network to code a simple neural network for XOR logic function from scratch without using any machine learning library

Language: Jupyter Notebook - Size: 589 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 14 - Forks: 9

felipeadeildo/neural-network

Neural Network written from Scratch without libraries like tensorflow (documented)

Language: Python - Size: 32.3 MB - Last synced at: about 10 hours ago - Pushed at: about 1 month ago - Stars: 5 - Forks: 0

Irlll/neural-network-backpropagation-from-scratch-code-for-detecting-potential-obesity-

Step by Step Math Behind Multilayer Perceptron Neural Networks Backpropagation with Manual Code Python and Excel For Detecting Potential Obesity

Language: Python - Size: 1.86 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 1

matheuscamposmt/nn-from-scratch

Development of a Neural Network from scratch to predict divorce in marriages.

Language: Python - Size: 45.9 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

aflaag/random_search

A neural network model that can approximate any non-linear function by using the random search algorithm for the optimization of the loss function.

Language: Rust - Size: 60.5 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 0

C-Coretex/Little-NeuralNetwork-Library

My first simple realization of Neural Network library by scratch, so you can use it in your projects (check the documentation in README). You can see an example how to use the library below.

Language: C# - Size: 2.08 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

golecalicja/language-recognition-neural-network

A single-layer neural network written from scratch that predicts the language of the text.

Language: Python - Size: 1.82 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

TanyaChutani/Neural-Network-Numpy

Neural Network (Multiple layers) from scratch using Numpy.

Language: Jupyter Notebook - Size: 147 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 2

GnomGad/simple-nn-classifier

Learn the basics of neural networks by training a model on XOR and AND operations

Language: JavaScript - Size: 6.84 KB - Last synced at: 19 days ago - Pushed at: 8 months 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: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

LuluW8071/Neural-Network-From-Scratch-Using-Numpy

A linear neural network from scratch using Numpy for training MNIST Dataset

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

souvikmajumder26/Neural-Network-from-Scratch

🚀 Building a simple Neural Network to classify the images of the Fashion-MNIST dataset, using only NumPy and no TensorFlow, Keras, or PyTorch.

Language: Jupyter Notebook - Size: 660 KB - Last synced at: 26 days ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

SuperSecureHuman/Neural-Networks-From-Scratch

This repo goes on trying to explain and make a neural network from scratch, based on a book

Language: Jupyter Notebook - Size: 2.21 MB - Last synced at: 13 days ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1

RapDoodle/LightNeuNet-MATLAB

A lightweight neural network framework built for academic use.

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

ligerfotis/CSE6363_Machine_Learning

Machine Learning algorithms from-scratch implementation. It covers most Supervised and Unsupervised algorithms. Homework assignments and Projects for graduate level Machine Learning Course taught by Dr Manfred Huber at UTA during Spring 21

Language: Python - Size: 151 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 3

ThePhantom2307/MLP-Neural-Network

A class that implements an MLP neural network

Language: Python - Size: 131 KB - Last synced at: 11 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

matteo-stat/mobilevit-a-mobile-friendly-vision-transformer

A Keras implementation of the MobileViT architectures, built from scratch using TensorFlow and Python.

Language: Jupyter Notebook - Size: 91.8 KB - Last synced at: 17 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

andrewharabor/pydeepnet

A Python "package" for neural networks

Language: Python - Size: 38.9 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

ericyangchen/simple-neural-network-from-scratch

Implementing neural network backpropagation from scratch with numpy

Language: Python - Size: 1.88 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Bhargavoza1/simple-neural-network

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

alinourian/Artificial-Intelligence-Assignments

This repository contains the assignments of Artificial Intelligence course at Sharif University of Technology.

Language: Jupyter Notebook - Size: 6.01 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Jarvis017/Predicting-pass-or-fail-for-students-with-Neural-Network

Neural Network from scratch

Language: Jupyter Notebook - Size: 262 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

RichardTjokroutomo/not-tensor-flow

codes.

Language: Python - Size: 16.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

GSNCodes/Deep-Learning-Architectures

My Implementation of well known DL architectures using PyTorch

Language: Python - Size: 725 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

leorrose/BGU-Deep-Learning-Course

Ben Gurion University "Deep Learning (372.2.6101)" course assignments & solutions

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

Logon27/Project-VizNet

An educational neural network visualization tool. Includes 2D input / output, heatmap, 3d output, and error graphing.

Language: Python - Size: 164 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - 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 days ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Sky-Breaker/MachineLearning

Simple neural network with backpropagation training

Language: C# - Size: 153 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

erfunmirzaei/Neural_Network_Scratch

Implemented a Neural Network from scratch using NumPy. Deep Neural Network Course Project

Language: Jupyter Notebook - Size: 948 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Moddy2024/Cat-classifier

Image classification Neural network made from scratch

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

theMoro/NeuralNetworkProjects

Neural Network from Scratch

Language: Python - Size: 18.9 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

khalilAhmad10/Neural-network-from-scratch

Neural Network model from scratch for predicting daily Covid cases world wide with regularization

Language: Jupyter Notebook - Size: 1.15 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

timurkulenovic/neural-network

Implementation of neural network from scratch (classification and regression)

Language: Python - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 1

raj1003daksh/cpp-neural-network

Configurable Feed-Forward Backpropagation Neural Network in C++

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

YaphetS7/Machine-Learning

Neural network from scratch; image input optimize == image generation

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

Related Topics
neural-network 20 machine-learning 14 deep-learning 11 python 10 neural-networks 8 numpy 8 artificial-intelligence 4 mnist-classification 3 deep-neural-networks 3 neural-network-architectures 3 backpropagation 3 ann 3 convolutional-neural-networks 2 multilayer-perceptron-network 2 pytorch 2 xor 2 xor-neural-network 2 computer-vision 2 pytorch-implementation 2 artificial-neural-networks 2 neural-networks-from-scratch 2 nlp-machine-learning 2 covid-19 2 neural-network-python 2 multilayer-perceptron 2 ensemble-learning 2 natural-language-processing 2 mnist 2 from-scratch 2 neural-network-framework 1 baysian-network 1 cifar10-classification 1 csp 1 decision-tree 1 dijkstra 1 genetic-algorithm 1 information-gain 1 lcv-heuristic 1 mrv-heuristic 1 probabilistic-neural-network 1 random-forest-classifier 1 resnet50 1 tensorflow-hub 1 transfer-learning 1 word2vec 1 wordtovec 1 random-search 1 random-search-algorithm 1 facial-recognition 1 one-shot-learning 1 visualization 1 custom-network 1 image-generation 1 image-optimization 1 computervision 1 deeplearning 1 ac3-algorithm 1 othello-ai 1 tensorflow 1 transformers 1 scracth 1 ai-basics 1 and-classification 1 beginner-project 1 beginner-project-in-javascript 1 binary-logic 1 javascript 1 model-training 1 nodejs 1 simple-neural-net 1 xor-classification 1 dynamic-neural-network 1 mlp-classifier 1 mlp-network 1 neural-network-library 1 neural-network-mlp 1 convolutional-neural-network 1 simulated-annealing 1 sudoku-solver 1 nuralnetwork 1 config 1 fashion-mnist 1 logger 1 notebook-jupyter 1 project 1 machine-learning-from-scratch 1 sigmoid-function 1 covid 1 digit-recognition-mnist 1 ai 1 machine-learning-library 1 cnn 1 image-classification 1 keras 1 mobilevit 1 mobilevitv1 1 neuralnetwork 1 neuralnetwork-creation 1 neuralnetworks 1 neuron-layers 1