fully-connected-network
There are 117 repositories under fully-connected-network topic.
ahmedfgad/NumPyANN
Implementation of Artificial Neural Networks using NumPy
YunYang1994/OpenWork
有空就写点,没空就空着。
ElefHead/numpy-cnn
A numpy based CNN implementation for classifying images
ahmedfgad/CIFAR10CNNFlask
Building a HTTP-accessed convolutional neural network model using TensorFlow NN (tf.nn), CIFAR10 dataset, Python and Flask.
upul/Semantic_Segmentation
Semantic Segmentation using Fully Convolutional Neural Network.
rcdilorenzo/ecce
ML Prediction of Bible Topics and Passages (Python / React)
TomasBeuzen/deep-learning-with-pytorch
Content from the University of British Columbia's Master of Data Science course DSCI 572.
iam-mhaseeb/Multi-Layer-Perceptron-MNIST-with-PyTorch
This repository is MLP implementation of classifier on MNIST dataset with PyTorch
namratadutt/LiDAR-and-Hyperspectral-Fusion-classification
Landcover classification using the fusion of HSI and LiDAR data.
hamidreza-rhz/Index-tracking-portfolio-optimization-using-deep-learning
Tracking S&P 500 index with deep learning model
ramtiin/Traffic-forecasting-using-different-methods
Time series prediction using deep learning
yonseicasl/Nebula
Nebula: Deep Neural Network Benchmarks in C++
cetinsamet/age-estimation
Age estimation with PyTorch
tomershay100/MLP-MNIST-fashion-with-PyTorch
MLP implementation in Python with PyTorch for the MNIST-fashion dataset (90+ on test)
MalayAgr/DeepNeuralNetworksFromScratch
Different kinds of deep neural networks (DNNs) implemented from scratch using Python and NumPy, with a TensorFlow-like object-oriented API.
hoseinlook/bioinformatic-course
simple virus DNA classification
amirrezarajabi/Neural-Network-implementation-from-scratch
implementation of neural network from scratch only using numpy (Conv, Fc, Maxpool, optimizers and activation functions)
Peyman-HK/Stabilized-HiDe-MK
Stabilized Hierarchical DNN with multiple knockoffs
SeonbeomKim/TensoFlow-Basic-deep-learning
Linear Regression, Logistic Regression, Fully Connected Neural Network, Recurrent Neural Network, Convolution Neural Network
nive927/Pothole-and-Plain-Road-Classification
Using deep learning and transfer learning techniques to differentiate plain roads and those with potholes using three different classifiers to obtain the best accuracy with the same convolutional base
NvsYashwanth/MNIST-Handwritten-Digits-Recognition
MNIST handwritten digit classification using PyTorch
alcunha/nn-with-tf
Material utilizado para as aulas introdutórias para graduação sobre a utilização do TensorFlow para treinamento de redes neurais.
FandosA/Singer_Recognition_Keras_TF
This project was my final Bachelor's degree thesis. In it I decided to mix my passion, music, and the syllabus that I liked the most in my degree, deep learning.
gorodnichy/PINN
Open Source C++ Library for Pseudo-inverse Fully Connected Recurrent Neural Networks (from my PhD)
HamedBabaei/sentiment-analysis
Twitter sentiment analysis using the sentiment140 dataset
bariscankurtkaya/LeNet5-Scratch
LeNet5 from Scratch
NvsYashwanth/CIFAR-10-Image-Classification
CIFAR-10 Image Classification using PyTorch
robin-janssen/CODES-Benchmark
Benchmarking Surrogates for coupled ODE systems.
Sid2697/Fill_missing
Code for Point Cloud Generation
tariqshaban/arabic-sign-language-image-classification
An implementation of the Arabic sign language classification using Keras on the zArASL_Database_54K dataset
VCHui/xor_pytorch
A classical XOR neural network using pytorch
yvan674/minimal-mnist
A small fully-connected neural network that can run MNIST optimized using BOHB
ABazshoushtari/image-classification-PyTorch
Image Classification projects on MNIST dataset and brain tumors images using PyTorch
AFLProjects/deepl
A simple deep learning library for training end-to-end fully-connected Artificial Neural Networks (ANNs), primarily based on numpy and autograd.