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

Topic: "numpy-neural-network"

AkiRusProd/numpy-nn-model

Сustom torch style machine learning framework with automatic differentiation implemented on numpy, allows build GANs, VAEs, etc.

Language: Python - Size: 335 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 72 - Forks: 5

theroyakash/Adam

Implementation of Adam Optimization algorithm using Numpy

Language: Jupyter Notebook - Size: 128 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 20 - Forks: 5

samrere/pytortto

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

Language: Python - Size: 9.38 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 19 - Forks: 1

souravs17031999/NeuralNets-Pure-Python

Nice place to start seeing matrices shapes ! Great place for beginners to understand neural networks computation

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

thedvlprguy/Pycamp

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

Amith225/NeuralNetworksAndTopologies

Implementation of artificial neural networks

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

Karan-Malik/RestrictedBoltzmannMachine

Python3 implementation of the Unsupervised Deep Learning Algorithm, Restricted Boltzmann Machine.

Language: Python - Size: 19.4 MB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 1

Capsar/python-neural-network

A simple fully connected feed forward neural network written in python from scratch using numpy & optimized using numba. It is possible to have multiple hidden layers, change amount of neurons per layer & have a different activation function per layer.

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

Lacrymosaa/Genesect-TCC

TCC do curso de Análise e Desenvolvimento de Sistemas - FATEC - A Utilização de Algoritmos Genéticos na Otimização de Problemas

Language: Python - Size: 43 KB - Last synced at: 6 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

InCogNiTo124/recursive-sgd 📦

A proof of concept of a recursion doing stochastic gradient descent for a simple neural network. Done in Python3 with numpy

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

mohd-faizy/Learn_Numpy

NumPy (short for Numerical Python) is a powerful Python library used for working with arrays, matrices, and numerical computations.

Language: Jupyter Notebook - Size: 1.02 MB - Last synced at: 4 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 1

bfleming2/soccer-ball-and-player-object-detection

Computer vision project that utilized openCV to detect a soccer ball and players in a livestream of a soccer game.

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

Arity-T/convolution-nn-from-scratch

I made LeNet5 (one of the first convolution neural networks) in plain NumPy to classify digits from the MNIST dataset! Accuracy reaches 91.5% after one epoch :-)

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

Arity-T/fully-connected-nn-from-scratch

I made fully connected neural network in plain NumPy to classify digits from the MNIST dataset! It achieves 95% accuracy :-)

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

akutzer/numpy_cnn

Small NeuralNet-Framework implemented with NumPy (Convolution|TransposeConv|Linear)

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

kreciszj/mnist-neural-network

NumPy-based feed-forward neural network

Language: Python - Size: 41.2 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

yriyazi/Neural-Network-Implementation-from-Scratch-using-NumPy

This repository contains an implementation of a neural network from scratch using only NumPy, a fundamental library for numerical computing in Python. The neural network is designed to perform tasks such as classification, regression, or any other supervised learning problem.

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

lucs100/soplenet

A simple homebrew neural network created for MTE 203.

Language: Python - Size: 509 MB - Last synced at: 6 days ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

smeetrs/nn_numpy

Implementation of Neural Networks using only Numpy

Language: Jupyter Notebook - Size: 55.7 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 1

abrbird/NNNumpy

Neural networks

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

JanAndrosiuk/CNN-in-NumPy

CNN model for MNIST dataset implemented from scratch using NumPy

Language: Python - Size: 78.1 KB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

WenrrrBeth/classification-MNISTDD

Trained deep neural networks to predict and classify input image (MNISTDD) datasets with python.

Language: Python - Size: 78.7 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

tranlethaison/NumpyNeuralNet

Neural Networks and training algorithms in Numpy, for learning purpose.

Language: Python - Size: 869 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

sahil210695/convolution-evolution

This is to see how a kernel will convolve over an image and what will be its output after convolution

Language: Python - Size: 15.6 KB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

crypto-code/Math-of-Neural-Networks

Create a few popular Neural Networks from scratch using just Numpy

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

RonakMehta21/FastAI-Keras-Colabs

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

ayushm-agrawal/ml-algorithms-numpy

Fundamental Machine Learning Algorithms implemented from scratch. This is an on going repository and will be updated in future.

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

andreiliphd/numpy-neural-network

Implementation of a simple neural network in numpy.

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

Related Topics
numpy 14 python 10 neural-network 9 machine-learning 8 deep-learning 5 convolutional-neural-networks 4 mnist 4 artificial-neural-networks 3 numpy-arrays 3 neuralnetwork 3 mnist-handwriting-recognition 3 neural-networks-from-scratch 3 convolutional-neural-network 2 gan 2 pytorch 2 from-scratch 2 image-classification 2 autograd 2 python3 2 cnn 2 ai 2 mlp 2 numpy-neuralnet-exercise 2 machine-learning-algorithms 2 deep-neural-networks 1 deep-learning-algorithms 1 pytorch-implementation 1 boltzmann-machines 1 restricted-boltzmann-machine 1 artificial-intelligence 1 numpy-tutorial 1 torch 1 numpy-python 1 numpy-matrix 1 array-manipulations 1 transposedconvolution 1 pooling 1 convolution 1 mnist-dataset 1 opencv 1 object-detection 1 contour-detection 1 fully-connected-network 1 linear-regression 1 stochastic-gradient-descent 1 recursion 1 proof 1 optimization 1 gradient 1 csv-dataset 1 cli 1 algorithms 1 adam-optimizer 1 machine-learning-from-scratch 1 gpu 1 cupy 1 streamlit 1 image-processing 1 image-kernel 1 data-science 1 pandas-tutorial 1 pandas-python 1 pandas-library 1 pandas-dataframe 1 pandas 1 numpy-library 1 machine 1 javascript 1 simulator 1 genetic-algorithm 1 unsupervised-machine-learning 1 unsupervised-learning-algorithms 1 unsupervised-learning 1 unsupervised-deep-learning 1 c-code 1 rnn 1 lstm 1 gru 1 denoising-autoencoders 1 udacity-deep-learning 1 udacity 1 neural-networks 1 matrix-multiplication 1 matrix-calculations 1 matrices 1 jupyter-notebook 1 variational-autoencoder 1 vae 1 numpy-model 1 generative-adversarial-network 1 automatic-differentiation 1 autoencoder 1 autodiff 1 auto-differentiation 1 auto-diff 1 softmax 1 relu 1 maxpool2d 1 convolution2d 1 batchnormalization 1