GitHub topics: back-propagation
XuhuaHuang/EmbeddedProgramming
Applied modern C/C++ in calculus, discrete mathematics, robotics and machine learning with CMake.
Language: C++ - Size: 52.5 MB - Last synced at: about 11 hours ago - Pushed at: about 12 hours ago - Stars: 9 - Forks: 0

arthurdjn/nets
Recreating PyTorch from scratch, using Numpy. Supports FCN, CNN, RNN layers.
Language: Python - Size: 10.7 MB - Last synced at: 5 days ago - Pushed at: over 4 years ago - Stars: 36 - Forks: 4

thealekhya/Image-Generation-using-GAN
This project is about implementing a GAN(Generative Adversarial Network) using Keras and Tensorflow. The model is trained with a first 9 forms(0-8) of the CIFAR10 dataset with almost 1200-1500 epochs.
Language: Jupyter Notebook - Size: 3.88 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

KBavis/scrape-and-score
Neural network–driven predictions of NFL fantasy football points, leveraging years of player and team metrics — with linear regression models for baseline comparisons.
Language: Python - Size: 6.99 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

christopher-dabrowski/automatic-differentiation
My implementation of automatic differentiation with back propagation in Julia.
Language: TeX - Size: 4.91 MB - Last synced at: about 7 hours ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

levvedrov/NeuralNetEngineLab
Neural network for digit recognition built from scratch in Python using custom matrix operations
Language: Python - Size: 2.49 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

LucernaSancta/sudoku-solver
A python script that solves sudokus using back propagation
Language: Python - Size: 2.93 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

miles-howell/fruit_classifier
An educational example of binary classification using a basic neural network built without ML libraries.
Language: Python - Size: 5.86 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

SpiNNakerManchester/SpiNNaker_PDP2
Cognitive systems modelling on SpiNNaker
Language: C - Size: 6.52 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

jaredthecoder/BioPy
Biologically-Inspired and Machine Learning Algorithms written in Python
Language: Python - Size: 883 KB - Last synced at: 11 days ago - Pushed at: about 2 years ago - Stars: 47 - Forks: 9

fDero/BackPropy
A very simple implementation of the back-propagation algorithm for neural networks training, written in python, from scratch (no-frameworks)
Language: Python - Size: 6.84 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

CodeBreaker518/ia1114_RNA_GreekLetters
Classification and detection of lowercase Greek handwritten letters using a multilayer perceptron (MLP) artificial neural network (ANN)
Language: Python - Size: 361 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

pngo1997/Neural-Network-Implementation-Evaluation
Implements the NNDL book's "network.py" code (Chapter 1) to improve its functionality and performance.
Language: Jupyter Notebook - Size: 839 KB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

mochji/synapsea
A simple, lightweight and powerful ML framework for Lua.
Language: Lua - Size: 282 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 3 - Forks: 1

MoinDalvs/Gradient_Descent_For_beginners
Gradient_descent_Complete_In_Depth_for beginners
Language: Jupyter Notebook - Size: 1.36 MB - Last synced at: 7 days ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 1

amatov/PowerLineCommunication
Language: MATLAB - Size: 73.2 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

tpiasek/neuralNetworks_twoLayer_XOR
Simple two-layer neural network written in Python mainly to solve the XOR problem. NN implemented in two versions: without tensorflow usage and with tensorflow package. It uses back-propagation algorithm and sigmoidal activation functions. In more advanced versions other techniques like mini-batch, adaptive learning ratio etc. implemented.
Language: Python - Size: 143 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

4s4v1n/MLP
Neural network for letter recognition
Language: C++ - Size: 34.9 MB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Mathiasotnes/back-propagation
Neural network framework. The back-propagation algorithm is implemented with numpy, and the package supports basic activation functions, loss functions and neural architectures.
Language: Python - Size: 54.7 KB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 3 - Forks: 0

MoinDalvs/Neural_Networks_From_Scratch
Neural_Networks_From_Scratch
Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: 3 days ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 4

kul-optec/AbstractOperators.jl
Abstract operators for large scale optimization in Julia
Language: Julia - Size: 950 KB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 30 - Forks: 9

AndreasKaratzas/neural-network
Feed Forward Multi-Layer Neural Network implemented in C++ 17, optimized using OpenMP 5.1 and tested on fashion MNIST dataset.
Language: C++ - Size: 1.27 MB - Last synced at: 17 days ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 0

Atharva309/FunctionApproximation_BackPropagation
function approximations (sine, cos, log, user defined function) using back propagation
Language: Jupyter Notebook - Size: 138 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

serengil/neural-networks-py
Core neural networks framework supporting to build multilayer perceptron
Language: Python - Size: 39.1 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 21 - Forks: 12

binglel/mnist_bp
mnist data training and testing with back propagation
Language: Python - Size: 11 MB - Last synced at: 11 months ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

IGNITE-Pathways/Maze-Solver
Solve a maze using back-propagation algorithm
Language: Python - Size: 10.7 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

NankaiZBP/courses Fork of fastai/courses
fast.ai Courses for deep learning beginners
Language: Jupyter Notebook - Size: 6.79 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

yzdxstii/Machine-Learning-Course-Fall-2024
Codes and Projects for Machine Learning Course, University of Isfahan.
Language: Jupyter Notebook - Size: 1.71 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

kkmk11/NETWORK-INTRUSION-DETECTION-SYSTEM
This is a software application to detect network intrusion by monitoring a network or system for malicious activity and predicts whether it is Normal or Abnormal(attacked with intrusion classes like DOS/PROBE/R2L/U2R).
Language: JavaScript - Size: 11.4 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 9 - Forks: 1

simsam8/inf265_project1
This project implements the backpropagation algorithm and compares it with pytorch's implementation.
Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

mosdeo/LKYDeepNN
Low dependency(C++11 STL only), good portability, header-only, deep neural networks for embedded
Language: C++ - Size: 245 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 48 - Forks: 13

Quwarm/NN-Data-Classification
Classification of data using neural networks — with back propagation (multilayer perceptron) and with counter propagation
Language: Python - Size: 121 MB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

ricardocardn/NeuralNetworkImplementation
Python neural network implementation from scratch using backpropagation algorithm
Language: Jupyter Notebook - Size: 13.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

lancopku/meProp
meProp: Sparsified Back Propagation for Accelerated Deep Learning (ICML 2017)
Language: C# - Size: 276 KB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 110 - Forks: 20

Efesasa0/mlp-backprop-two-moons
EE456 2022 mini project implementation of two-moons problem using multi-layer-perceptron with back-propagation with analyzing performance of initializing methods and momentum rule
Language: MATLAB - Size: 5.31 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Vishnu8989/Multi-layer-Perceptron-Model--ANN--using-back-propagation-learning
Language: Jupyter Notebook - Size: 36.1 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

snehabandi/Machine-Learning-for-Data-Science
Graduate Course DSCI555 (Machine Learning for Data Science)
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

sonugiri1043/machine_learning
Basics of convolutional Neural Network, back propagation and some sample programs like digit classifier, basic yolo ...
Language: Jupyter Notebook - Size: 138 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

JimStockwell/Rumelhart1985
Neural-network based on the paper "Learning internal representations by error propagation" by DE Rumelhart, GE Hinton, RJ Williams - 1985 - apps.dtic.mil
Language: Java - Size: 123 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

vatsmanish/Natural-Language-Processing
Language: Jupyter Notebook - Size: 33.2 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

LuChang-CS/plain-numpy-neural-networks
Basic neural networks implemented by plain numpy
Language: Python - Size: 758 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

melchisedech333/xor-neural-network
🤖 Artificial intelligence (neural network) proof of concept to solve the classic XOR problem. It uses known concepts to solve problems in neural networks, such as Gradient Descent, Feed Forward and Back Propagation.
Language: JavaScript - Size: 292 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

nikhildagarwal/Number_Classifier_ML
Python neural network built from scratch. Uses Machine Learning algorithms to correctly classify handwritten numbers into digits.
Language: Python - Size: 32.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

mittukoushik/NETWORK_INTRUSION_DETECTION_SYSTEM
This is a software application to detect network intrusion by monitoring a network or system for malicious activity and predicts whether it is Normal or Abnormal(attacked with intrusion classes like DOS/PROBE/R2L/U2R).
Size: 11.4 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

petermchale/pong_RL
Training a simple AI using the policy-gradient approach to Reinforcement Learning.
Language: Jupyter Notebook - Size: 52.6 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

sid230798/Back_Propogation_Implementation_Andrew_NG
Implemented Back Propogation Algorithm in octave
Language: MATLAB - Size: 7.42 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

PAC-P2P/BPNN-Face-Recognition-For-Parallel
基于并行BP神经网络的人脸识别系统(并行)
Language: C - Size: 9.84 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 7 - Forks: 5

Mohammed-Deifallah/Deep-Learning-Labs
Language: Jupyter Notebook - Size: 35.3 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

sadighian/hand_crafted_models
Popular predictive models and optimizers implemented in pure Python.
Language: Python - Size: 24.4 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

AhmedIssa11/Chronic-Kidney-Disease-Detection
chronic kidney disease detection using different neural network technique
Language: Python - Size: 12.7 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 2

frenkield/machine_learning
Machine learning experiments in Julia
Language: Julia - Size: 1.36 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

stutlerxgod/back-propagation-NN
Code sample for backpropagation method of Neural Network without using specialized libraries.
Language: Python - Size: 21.5 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

hemae/neural_networks
Code examples of neural networks (learning)
Language: Python - Size: 5.17 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

TimKong21/Deep-Learning-Specialization-
Contains solutions and notes for the Deep Learning Specialization by Deeplearning.ai, Andrew Ng on Coursera
Language: Jupyter Notebook - Size: 1.09 GB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Galarius/nnet
Neural Network Based UAV Routing
Language: Python - Size: 330 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 1

timmmGZ/MLP-Perceptron-and-Multi-layer-Perceptron-back-propagation-GUI
3 versions of Perceptron: normal Perceptron; Perceptron GUI; Multilayer Perceptron GUI, back propagation,感知机,感知器,BP 神经网络,反向传播,多层感知器,多层感知机
Language: Java - Size: 5.94 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 14 - Forks: 8

yurayli/stanford-cs231n-sol
My solutions to cs231n assignments with numpy and pytorch
Language: Jupyter Notebook - Size: 28.5 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

vaccovecrana/jtinn
Java port of Tinn - The tiny neural network library
Language: Java - Size: 175 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

parham1998/Mackey_Glass_Time_Series
Implementation of a two-layer perceptron (from scratch) with four back-propagation methods in Python
Language: Python - Size: 23.4 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

uzairkhaskheli/Custom-Neural-Network
Custom Neural Network
Language: Jupyter Notebook - Size: 74.2 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

SBalas/Neural-Networks-Intro
Simple first principles models on neural network concepts. Models include perceptron, gradient descent, back propagation, and applying keras and Tensors on datasets.
Language: Jupyter Notebook - Size: 8.77 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

SergiSalido/NEC_A2_Classification-with-SVM-BP-and-MLR
Second assignment of Neural and Evolutionary Computation (NEC) at URV
Language: Jupyter Notebook - Size: 4.51 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

SergiSalido/NEC_A1_Prediction-with-BP-and-MLR
First assignment of Neural and Evolutionary Computation (NEC) at URV
Language: Julia - Size: 520 KB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

tyrelh/toy-neural-network-js
A simple Neural Network library for JavaScript
Language: JavaScript - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

tocram1/ReseauxNeuronesR
Language: R - Size: 74.2 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

tranleanh/Perceptron-Backpropagation
This repo includes C++ and Python Sources of some algorithms for Perceptron and Classification.
Language: Jupyter Notebook - Size: 865 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

gokaytitrek/nn-optimal-brain-damage
Optimal brain damage, Back propagation, Neural Network
Language: Java - Size: 34.2 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 4 - Forks: 1

mansi-k/DeepFrankWolfie_Optimizer
Experimented with and compared DFW neural network optimizer with SGD and ADAM on both vision and language tasks
Language: Jupyter Notebook - Size: 2.34 MB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

mansi-k/GradientDescent
Implemented gradient descent algorithm and its variants from scratch and visualized their results by training models, for comparison and learning purposes
Language: Jupyter Notebook - Size: 6.69 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

fordevoted/Classic-Neural-Network
MLP( B.P ) / Hopfield
Language: Java - Size: 91.8 KB - Last synced at: 6 months ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

rgkannan676/Design-and-Train-Neural-Network-from-Scratch
Explore the Math behind it by designing a neural network, derive the parameter gradients with respect to loss function and update the parameter weights and update the weight parameters using the gradients without the help of in-built libraries.
Language: Python - Size: 18.6 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

redsoul/encog
Encog is a NodeJs ES6 framework based on the Encog Machine Learning Framework by Jeff Heaton.
Language: JavaScript - Size: 1.43 MB - Last synced at: 2 days ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 0

nps6-uwf/Optimization
A website I created giving a brief overview of mathematical optimization techniques. These techniques can be useful in understanding the intuition behind machine learning algorithms.
Language: HTML - Size: 5.82 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

benyasin/what-to-eat-today
a simple application of neural network of AI
Language: JavaScript - Size: 4.06 MB - Last synced at: 3 months ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

NamitNaik/Neural-Networks-and-Fuzzy-Logic
This repository contains codes in python performed during NNFL lab
Language: Jupyter Notebook - Size: 171 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

JohnDiGriz/PashkoNeural
Lab exercise for Neural Networks study. Includes Self-Organizing map, Hopfield network and Back-Propagation network
Language: Python - Size: 11.7 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Pangxiaox/18th_MathModeling
A solution to the 18th_MathModeling Contest
Language: Python - Size: 2.57 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

mb11797/Image_Recognition_Cat_vs_Non-Cat_Pytorch
A classifier to differentiate between Cat and Non-Cat Images
Language: Python - Size: 6.07 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 0

WafflLord/Neural-Network
A neural network programmed in Java, complete with a genetic algorithm class, and a back propagation class.
Language: Java - Size: 34.2 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

cjdunteman/back-propagation-neural-network
Project for Intro to AI @ UW - Madison Fall 2019
Language: Java - Size: 26.4 KB - Last synced at: about 10 hours ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

gmlyytt-YANG/Artificial-NN
Self-define nn model and code ONLY BY numpy!!! Please star it~~
Language: Python - Size: 21.5 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

navjindervirdee/machine-learning-from-scratch
Detailed implementation of various machine learning algorithms from scratch using python language.
Language: Jupyter Notebook - Size: 388 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

gurkandemir/Automatic-Differentiation
Automatic differentiation is a method for evaluating the rate of change in the numerical output of a program with respect to the rate of change in its input.
Language: C++ - Size: 237 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

DebasishMaji/notebook_projects
Deep learning Projects
Language: Jupyter Notebook - Size: 742 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

utsav507/neural-networks
Real-world application sized Neural Network. Implemented back-propagation algorithm with momentum, auto-encoder network, dropout during learning, least mean squares algorithm.
Language: Matlab - Size: 16.9 MB - Last synced at: 4 days ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 2

Kishore180994/Handwrittern-Optical-Character-Recognition
Matlab Application that performs back-propagation algorithm in order to recognize the hand-written characters
Language: Matlab - Size: 360 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

DorisDuan06/Handwritten-Digit-Recognition
Built a 2-layer, feed-forward neural network and trained it using the back-propagation algorithm to solve a multi-class classification problem for recognizing images of handwritten digits.
Language: Java - Size: 55.7 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

NtateLephadi/ML_LAB_6
CSC3022H: Machine Learning Lab 6: Artificial Neural Networks III
Language: C++ - Size: 51.8 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

IsaacShelton/AdeptNeuralNetwork
A neural network written in Adept 2.0
Size: 12.7 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

TheCaptain61/Neural-network-sales-forecasting
Multi-layer perceptron with one hidden layer, using the error back propagation algorithm/
Language: C++ - Size: 337 KB - Last synced at: 3 months ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

SunNEET/Error-Back-Propagation
Demonstrating the concept of Error Back Propagation neural network
Language: C# - Size: 335 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

Kyziridis/Neural-Network
Neural_Network for handwritten numbers detection in Octave (free Matlab)
Language: Matlab - Size: 12.4 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

abhinuvpitale/Travelling-Tournament-using-Simulated-Annealing
Solution to the Traveling Tournament using simulated annealing
Language: Python - Size: 687 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

pkuttam/basic_neural_network
A complete implementation of neural network with forward and back-propagation in python numpy for fitting a line
Language: Python - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0
