GitHub topics: backward-propagation
JaewonSon37/Neural_Networks_and_Deep_Learning1
Language: Jupyter Notebook - Size: 7.6 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

yonteels/Number-Detection
This is a custom-built neural network that detects handwritten numbers from image inputs. It uses ReLU activation in the hidden layers and a softmax activation function in the output layer for classification. The model is trained using backpropagation with a loss function to minimize prediction errors, achieving over 99% accuracy when predicting di
Language: Python - Size: 791 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

Rex-8/MNIST-4-layer
Implementing a 4 layer neural to identify digits from a 28x28 grid using just python and numpy
Language: Python - Size: 107 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

MohammedSaqibMS/Gradient-Checking
Gradient Checking: Demonstrates 1D and ND gradient checking techniques to verify the accuracy of gradients in neural networks. Inspired by DeepLearning.AI's Deep Learning Specialization.
Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Lin-TzuLing/NYCU-DLP-2023
Deep Learning & Labs Course, NYCU, 2023
Language: Jupyter Notebook - Size: 82.3 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

marcelogcardozo/migracao-sismica
Desenvolvimento de ferramenta para efetuar a Modelagem e a Migração Sísmica de um modelo 2D.
Language: Python - Size: 19.9 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 5 - Forks: 0

PPPW/deep-learning-random-explore
Language: Jupyter Notebook - Size: 3.55 MB - Last synced at: 13 days ago - Pushed at: over 5 years ago - Stars: 194 - Forks: 34

mattsankner/micrograd
I build the Micrograd autogradient engine, which is a functioning neural network with forward pass, backward propagation, and stochastic gradient descent, all built from scratch. This is derived from the great @karpathy micrograd lecture. Each notebook is complete with Andrei's lecture code and speech, as well as my own code, anecdotes and addition
Language: Jupyter Notebook - Size: 6.35 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

dhwabqryh/Data-Mining-I
Tugas praktikum Data Mining I
Language: Jupyter Notebook - Size: 2.01 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

muhammadshaffay/Text-Clipper
A tool that quickly and accurately segments Urdu sentences and words in your text.
Language: Jupyter Notebook - Size: 6.86 MB - Last synced at: 12 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

LiYan-97/CG_SF64
This code uses computational graph and neural network to solve the five-layer traffic demand estimation in Sioux Falls network. It also includes comparison of models and 10 cross-validations.
Language: Python - Size: 8.32 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

yizt/numpy_neural_network
仅使用numpy从头开始实现神经网络,包括反向传播公式推导过程; numpy构建全连接层、卷积层、池化层、Flatten层;以及图像分类案例及精调网络案例等,持续更新中... ...
Language: Jupyter Notebook - Size: 631 KB - Last synced at: 12 months ago - Pushed at: over 4 years ago - Stars: 504 - Forks: 111

brian00715/CNN-From-Scratch
A.K.A. NUS ME5411 Final Project. Implemented a CNN framework without off-the-shelf libraries and its application for character recognition.
Language: MATLAB - Size: 8.14 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - 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: 22 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Eruimdas/Basics-of-Computational-Graph
A simple mimicking of TensorFlow, which including forward and backward propogation.
Language: Jupyter Notebook - Size: 772 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

iforever-yh/BP_FittingTool
Fit functions using the Backpropagation Algorithm. 一个使用反向传播算法拟合函数的工具。
Language: Python - Size: 666 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Amber0914/NN_without_libraries
It's a demonstration for implementing NN without using any deep learning library.
Language: Python - Size: 70.3 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Tensor-Array/Tensor-Array
A C++ machine learning framework/library.
Language: C++ - Size: 11.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

oselin/gradient_ML_LTI
A gentle introduction to custom gradient propagation for ML application in which parameters of LTI systems have to be optimized. This example enables the integration of control theory with machine learning, for the development of Physical-Informed Neural Networks (PINNs)
Language: Jupyter Notebook - Size: 1.95 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Apoorv070/Deep_learning_Basics
Learning about Perceptron and Multi layered perceptron
Language: Jupyter Notebook - Size: 4.44 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

sef007/Neural-Network-Email-Classifier-Numpy-Only
Neural Network using NumPy, V1: Built from scratch. V2: Optimised with hyperparameter search.
Language: Python - Size: 780 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

chiapeilin/Neural-Network
The code of forward propagation , cost function , backpropagation and visualize the hidden layer.
Language: Jupyter Notebook - Size: 919 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

hellonlp/deep-learning
搭建、深度学习、前向传播、反向传播、梯度下降和模型参数更新、classification、forward-propagation、backward-propagation、gradient descent、python、text classification
Language: Python - Size: 16.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 4

slothengineer/DeepLearning-Concepts
Language: Jupyter Notebook - Size: 1.31 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

xujiachang1024/NumPy-based-Neural-Network
A highly modular design and implementation of fully-connected feedforward neural network structured on NumPy matrices
Language: Python - Size: 51.8 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

sef007/NN-Numpy-Only-HOG-Feature-Extraction-and-ML-Library-Integration
Digit Recognition Neural Network: Built from scratch using only NumPy. Optimised version includes HOG feature extraction. Third version utilises prebuilt ML libraries.
Language: Python - Size: 10.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

xahid007/Neural-Netowork
In this repo, I tried to upload basic components of Neural Network. It will eventually help to understand the core ideas of NN.
Language: Jupyter Notebook - Size: 104 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ErniW/Neural-Network-in-pure-NumPy
A feedforward neural network from scratch without any high level deep learning libraries. Pure mathematics and NumPy.
Language: Jupyter Notebook - Size: 703 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

grvnair/rnn-using-numpy
Built a simple RNN Model using NumPy
Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

MBadriNarayanan/DeepLearningSpecializationCoursera 📦
Deep Learning Specialization (5 Courses) . Course offered by deeplearning.ai and Coursera. Taught by Andrew Ng.
Language: Jupyter Notebook - Size: 15.2 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

yashsriram/spnn
A comparison of fully connected network (forward and backward propagation) implementations.
Language: C++ - Size: 3.17 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

navjindervirdee/neural-networks
Implemented Convolutional Neural Network, LSTM Neural Network, and Neural Network From Scratch in Python Language.
Language: Jupyter Notebook - Size: 396 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 36 - Forks: 22

mohadeseh-ghafoori/develop-DNNs
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/cat-detection-with-Logistic-Regression
Language: Jupyter Notebook - Size: 39.1 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/NNs-with-one-hidden-layer
Language: Jupyter Notebook - Size: 333 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/Recurrent-Neural-Networks-with-LSTM
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ajaybiswas22/Neural-Network-Logic-Gates
This repository provides the Implementation of logic gates using neural networks.
Language: Jupyter Notebook - Size: 247 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

CICIFLY/Deep-Learning-Projects
CNN, ANN, Python, Matlab
Language: Python - Size: 10.9 MB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 0

janivkk/neural-network
Artificial Intelligence - Assessment 1
Language: Python - Size: 50.8 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

SoniSiddharth/ML-Logistic-regression-Neural-Networks-from-scratch
Logistic Regression and Neural Networks implementation from scratch
Language: Python - Size: 10.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

CS-Ponkoj/Cat-Recognition-Logistic_Regression_with_a_Neural_Network_mindset
This is a project to recognize cat using logistic regression with Neural Network concepts of backward and forward propagation from DeepLearning.AI.
Language: Jupyter Notebook - Size: 246 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

hasanur-rahman/AI-Scratch-Projects
I have implemented some AI projects from scratch implementation without explicit use of the built-in-libraries and thus added to this repo.
Language: Jupyter Notebook - Size: 381 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

nareshkumar66675/Neuron
A Neural Network Architecture
Language: Python - Size: 305 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

DunittMonagas/Neural-Networks-and-Deep-Learning
Curso Neural Networks and Deep Learning. Primer curso del programa especializado Deep Learning. Este repositorio contiene todos los ejercicios resueltos. https://www.coursera.org/learn/neural-networks-deep-learning
Language: Jupyter Notebook - Size: 1.42 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0
