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

GitHub topics: fully-connected-network

vansh-py04/Convolution-Net-from-Scratch

A minimal NumPy-based implementation of a 3-layer convolutional neural network (CNN) from scratch — including custom forward and backward passes for conv, ReLU, pooling, affine, and softmax layers. Perfect for learning how CNNs actually work under the hood.

Language: Jupyter Notebook - Size: 269 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

YunYang1994/OpenWork

有空就写点,没空就空着。

Language: C - Size: 10.9 MB - Last synced at: 21 days ago - Pushed at: almost 2 years ago - Stars: 98 - Forks: 23

robin-janssen/CODES-Benchmark

Benchmarking Surrogates for coupled ODE systems.

Language: Python - Size: 200 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 5 - Forks: 2

ahmedfgad/NumPyANN

Implementation of Artificial Neural Networks using NumPy

Language: Python - Size: 10.6 MB - Last synced at: 19 days ago - Pushed at: almost 2 years ago - Stars: 100 - Forks: 51

carlo-/FCNet

Simple Python implementation of a fully connected neural network

Language: Python - Size: 29.3 KB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 1

mkgeiger/neural-network

Simple neural-network supporting most importent features like Convolutional-/Fully Connected network completely written in Ansi C

Language: C - Size: 65.4 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

rcdilorenzo/ecce

ML Prediction of Bible Topics and Passages (Python / React)

Language: JavaScript - Size: 7.23 MB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 49 - Forks: 13

yonseicasl/Nebula

Nebula: Deep Neural Network Benchmarks in C++

Language: C++ - Size: 1.26 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 11 - Forks: 2

Hamid-Rezaei/Computational-Intelligence

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

ahmedfgad/CIFAR10CNNFlask

Building a HTTP-accessed convolutional neural network model using TensorFlow NN (tf.nn), CIFAR10 dataset, Python and Flask.

Language: Python - Size: 45.9 KB - Last synced at: 19 days ago - Pushed at: about 2 years ago - Stars: 59 - Forks: 35

KyleNThao/Youtube_BiClassification

Predicting YouTube video genres using Linear Regression and a trending YouTube videos dataset.

Language: Jupyter Notebook - Size: 24.6 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

u3oR/fiddle-with-mnist-in-c

Implement a simple fully connected neural network in C language and test it on the mnist dataset. / 使用C语言实现一个简单的全连接神经网络,并在mnist数据集上测试。

Language: C - Size: 11.1 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

flowstateeng/Excel-Net

A neural network in a single Excel spreadsheet.

Size: 1.47 MB - Last synced at: about 10 hours ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Ardawanism/MLP-Mixer-An-all-MLP-Architecture-for-Vision

In this repository, a very informative and comprehensive implementation of MLP-Mixer is provided for educational purposes using PyTorch.

Language: Jupyter Notebook - Size: 423 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

ABazshoushtari/image-classification-PyTorch

Image Classification projects on MNIST dataset and brain tumors images using PyTorch

Language: Jupyter Notebook - Size: 1.42 MB - Last synced at: 21 days ago - Pushed at: 8 months ago - Stars: 2 - Forks: 0

obadakhalili/fcnn

An implementation for an FCNN from scratch, for educational purposes

Language: Python - Size: 10.8 MB - Last synced at: 5 days ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

Ahmad-Ali-Rafique/Handwritten-Digit-Recognition-MNIST

This project demonstrates a complete pipeline for recognizing handwritten digits using the MNIST dataset. The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation of a Fully Connected Neural Network (FCNN).

Language: Jupyter Notebook - Size: 5.15 MB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

AndyVale/benchmarks_vnncomp

A reorganized collection of benchmarks from VNNCOMP since 2022, divided into three categories: fully connected, convolutional, and residual networks. Each category is available as a submodule, allowing you to download individual categories or all of them at once.

Language: Python - Size: 116 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

AndyVale/fullyconnected_benchmarks_vnncomp

This repository contains a collection of fully connected benchmarks from VNNCOMP 2022-2024. It is designed to offer a more organized version of the existing benchmarks, making it easier to test new software. We recommend cloning the 'benchmarks_vnncomp' repository, which includes this repository as a submodule.

Size: 52.2 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

AFLProjects/deepl

A simple deep learning library for training end-to-end fully-connected Artificial Neural Networks (ANNs), primarily based on numpy and autograd.

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

Vivek-Tate/Medical-BloodCell-Classifier

This project aims to classify blood cell images from the BloodMNIST dataset using various machine learning models. Implemented classifiers include Logistic Regression, Fully Connected Neural Networks, Convolutional Neural Networks, and MobileNet. The dataset is pre-processed, and models are trained and evaluated to determine their effectiveness.

Language: Jupyter Notebook - Size: 33.4 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Ahmad-Ali-Rafique/Weather-Prediction-FCNN

This project demonstrates a complete pipeline for weather prediction using a Fully Connected Neural Network (FCNN). The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation.

Language: Jupyter Notebook - Size: 4.78 MB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

TomasBeuzen/deep-learning-with-pytorch

Content from the University of British Columbia's Master of Data Science course DSCI 572.

Language: Jupyter Notebook - Size: 79.4 MB - Last synced at: 11 months ago - Pushed at: almost 4 years ago - Stars: 34 - Forks: 13

ambideXtrous9/Kolmogorov-Arnold-Network-KAN-with-MobileNetV2

KAN

Language: Jupyter Notebook - Size: 465 KB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

MarvinMartin24/Fully-Connected-Neural-Network

Python illustration of Neural net from scratch

Language: Python - Size: 12.7 KB - Last synced at: 12 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

Sid2697/Fill_missing

Code for Point Cloud Generation

Language: Python - Size: 32.2 KB - Last synced at: 12 months ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 0

RobertLicht/NN_PyTorch_AT_Example

Demo of a first deep learning neural network model in Python, based on the tutorial by Adrian Tam

Language: Batchfile - Size: 57.6 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

zilinma/PythonNeuralNet

A fully connected neural net implemented by Numpy

Language: Python - Size: 31.3 KB - Last synced at: 12 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

upul/Semantic_Segmentation

Semantic Segmentation using Fully Convolutional Neural Network.

Language: Python - Size: 2.21 MB - Last synced at: 3 days ago - Pushed at: about 6 years ago - Stars: 58 - Forks: 30

aalaa-adel1/Neural-Network

image classification task where we use different deep learning models from scratch like vgg16,cnn,tramsformers, and using the initial weights to try getting the best accuracy on kaggle competition

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

DXNNX/MLP---MNIST

MultiLayer Perceptron para identificación de números escritos a mano de 28x28.

Language: Python - Size: 27.2 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

AntonSchreiber/ROM-buffet-forecasting

Repository for my thesis on "A Comparison of Reduced-Order Models for Wing Buffet Predictions"

Language: Jupyter Notebook - Size: 18.7 MB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

stephanielees/goldFCN

using Fully Connected Network to forecast gold price in January 2024.

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

Peyman-HK/Stabilized-HiDe-MK

Stabilized Hierarchical DNN with multiple knockoffs

Language: Jupyter Notebook - Size: 42.5 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 3

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.

Language: Python - Size: 3.26 GB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

namratadutt/LiDAR-and-Hyperspectral-Fusion-classification

Landcover classification using the fusion of HSI and LiDAR data.

Language: Python - Size: 110 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 5

kaushikpavani/neural_networks_in_python

Implementation of neural networks from scratch using Python

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

jimohola/CNN_MNIST_Image_Classification

Model Optimization

Language: Jupyter Notebook - Size: 310 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ramtiin/Traffic-forecasting-using-different-methods

Time series prediction using deep learning

Language: Jupyter Notebook - Size: 2.22 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 3

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

IMobinI/Deep-Neural-Network-with-Tensorflow

Developing neural networks with a framework, implementing neural networks advanced concepts

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

pr97/ScratchNet

This repository holds one of my first Deep Learning projects. The project implements an MNIST classifying fully-connected neural network from scratch (in python) using only NumPy for numeric computations. For further information, please see README.

Language: Python - Size: 29.9 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

iRaneem/Arabic-dialect-Identification

we aim to provide a framework for understanding the linguistic and cultural diversity of the Arabic-speaking world and to help scholars and researchers analyze and compare these dialects. So we developed a model that takes a text as an input and gives you the name of the dialect as an output.

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

bryant1410/dl-assignment2-cs231n

My solution to the 2nd assignment of UdelaR's Deep Learning course, based on Stanford CS231n.

Language: Jupyter Notebook - Size: 1.45 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

Andrew-Kulpa/AI-cancer-classifier

A project for my Advanced Artificial Intelligence class to apply AI methods to a real-world problem.

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

Stefan-Radu/fakeMLlibrary

Minimal, limited in features, deep learning library, created with the goal of understanding more of the field.

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

hamidreza-rhz/Index-tracking-portfolio-optimization-using-deep-learning

Tracking S&P 500 index with deep learning model

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

amirkasaei/Deep-Neural-Network-tensorflow-Student-Academic-Performance

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

wesamnabeel99/neural-network-compression

Image classification using compressed deep neural network ported on resource-constrained platforms.

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

amirrezarajabi/Neural-Network-implementation-from-scratch

implementation of neural network from scratch only using numpy (Conv, Fc, Maxpool, optimizers and activation functions)

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

aronm88/ARTIFICIAL_NEURAL_NETWORK_Wine_Classification

Classification of wine quality based on its parameters using fully connected artificial neural network

Language: Jupyter Notebook - Size: 762 KB - Last synced at: 6 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

tomershay100/MLP-MNIST-fashion-with-PyTorch

MLP implementation in Python with PyTorch for the MNIST-fashion dataset (90+ on test)

Language: Python - Size: 424 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 4

ElefHead/numpy-cnn

A numpy based CNN implementation for classifying images

Language: Python - Size: 41 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 48 - Forks: 11

iam-mhaseeb/Multi-Layer-Perceptron-MNIST-with-PyTorch 📦

This repository is MLP implementation of classifier on MNIST dataset with PyTorch

Language: Jupyter Notebook - Size: 106 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 33 - Forks: 28

joshuamitchell192/multilayerperceptron

An implementation of a multilayer perceptron in python using numpy. Trained to achieve 96.14% on the MNIST dataset

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

luke-davidson/ComputerVision

Programming assignments completed for my Computer Vision course: Topics include Image Layering, Feature Extracting and Matching, SIFT, Camera Matrix estimations, and Deep Learning (FCNs, ANNs, CNNs).

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

sotheanithsok/CECS-551-Collection 📦

Explore machine learning models and optimization techniques.

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

tariqshaban/arabic-sign-language-image-classification 📦

An implementation of the Arabic sign language classification using Keras on the zArASL_Database_54K dataset

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

yashsriram/spnn

A comparison of fully connected network (forward and backward propagation) implementations.

Language: C++ - Size: 3.17 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

HamedBabaei/sentiment-analysis

Twitter sentiment analysis using the sentiment140 dataset

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

hoseinlook/bioinformatic-course

simple virus DNA classification

Language: Jupyter Notebook - Size: 10 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 0

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

Language: Jupyter Notebook - Size: 32.2 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

mixed-farming/MNIST-digit-classification

Recognizing handwritten digits of the MNIST dataset

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

avramdj/minimal-fcnn-library 📦

A minimal fully connected neural network/multilayer perceptron library from scratch in C++. Inspired by Keras.

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

NicholasBoren/CIFAR-10-Image-Classifcation

CIFAR-10-Image-Classifcation done with Pytorch

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

bariscankurtkaya/LeNet5-Scratch

LeNet5 from Scratch

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

iamjadhav/enpm809k

Fundamentals of Artificial Intelligence and Deep Learning Frameworks

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

gorodnichy/PINN

Open Source C++ Library for Pseudo-inverse Fully Connected Recurrent Neural Networks (from my PhD)

Language: C++ - Size: 4.17 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 0

abdalla1611/Deep-Neural-Networks

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

idan1356/CIFAR10-classification Fork of Yuval-Vino/CIFAR10-classification

experiments with various configurations of CNN networks in order to achieve best results on CIFAR10

Size: 0 Bytes - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

dsprn/oxigrad

Partial port of capmangrad to the Rust programming language

Language: Rust - Size: 26.4 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

dsprn/capmangrad

Yet another basic neural network implementation heavily inspired by, and based on, micrograd

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

x1ew/Multi-class-Weather

This repository contains my project for computer vision.

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

Venn1998/CarPrices

In this project I built a classification and a regression model to predict, respectively, the price range of second-hand cars and their exact price.

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

namratadutt/Hyperspectral-Classification

Classification of different landcover classes using Hyperspectral data.

Language: Python - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

x1ew/Students-Academic-Performance

Deep learning Simple models

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

furkankaradas/Deep-Learning-Examples

Deep learning applications with different datasets.

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

bilguun0203/mnist-nn

Basic neural network implementation for MNIST dataset. (Numpy, PyTorch)

Language: Jupyter Notebook - Size: 478 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

alexvlis/image-classification

Image classification using FC and CNN networks on CIFAR-10.

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

MalayAgr/DeepNeuralNetworksFromScratch

Different kinds of deep neural networks (DNNs) implemented from scratch using Python and NumPy, with a TensorFlow-like object-oriented API.

Language: Python - Size: 314 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

tomershay100/Fully-Connected-Neural-Network

Digit recognition (MNIST dataset) using a fully connected neural network (97+ on test)

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

saratbhargava/ECE239AS-Neural-Networks-and-Deep-Learning-UCLA

These Codes are written as part of Neural Networks and Deep learning course at UCLA.

Language: Jupyter Notebook - Size: 978 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

yvan674/minimal-mnist

A small fully-connected neural network that can run MNIST optimized using BOHB

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

cetinsamet/age-estimation

Age estimation with PyTorch

Language: Python - Size: 12.7 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 8 - Forks: 5

VCHui/xor_pytorch

A classical XOR neural network using pytorch

Language: Python - Size: 2.63 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 1

SahuH/Build-DNN-from-scratch

This is an implementation of a fully connected feedforward Neural Network (multi-layer perceptron) from scratch to classify MNIST hand-written digits

Language: Python - Size: 1.75 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

indestinee/DNN-classification

DNN for features classification

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

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.

Language: Jupyter Notebook - Size: 2.12 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 1

felixrlopezm/MINIST-image-digit-recognition-MPL-neural-network

MINIST Image Digit Recognition by means of a MPL fully connected neural network

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

luquenanoUni/DLCV

Deep Learning in Computer Vision algorithms. Implementations of relevant codes, some from scratch others re-used and modified.

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

matteosoo/AI_course

environment install / linear regression / FCNN / CNN

Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

AlexN1ght/AnnCppLib

Easy to use library to create Neural Networks in C++

Language: C++ - Size: 11.1 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

sipan17/NeuralNetwork

Fully Connected Neural Network implementation using tensorflow

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

abcs-ab/ML

Python implementation of couple machine learning algorithms.

Language: Python - Size: 39.1 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

SeonbeomKim/TensoFlow-Basic-deep-learning

Linear Regression, Logistic Regression, Fully Connected Neural Network, Recurrent Neural Network, Convolution Neural Network

Language: Python - Size: 11 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 4

ShivamShrirao/mnist_ann_from_scratch

ANN made from scratch implemented on mnist dataset for digit classification

Language: Python - Size: 6.97 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

AmberzzZZ/fcn

keras implemention of fcn

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

eneriz-daniel/pytorch-primerospasos

Pytorch tutorial español. En este repositorio se pretende guiar en los primeros pasos del uso de la librería PyTorch para Machine Learning de Python.

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

JesperDramsch/Fully-Connected-Neural-Network

Language: Matlab - Size: 79.4 MB - Last synced at: 2 months ago - Pushed at: about 8 years ago - Stars: 4 - Forks: 0

Palinody/deepNN

Fully connected deep net written in Java

Language: Java - Size: 83 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

Related Keywords
fully-connected-network 107 deep-learning 41 neural-network 39 machine-learning 27 python 25 convolutional-neural-networks 25 pytorch 14 deep-neural-networks 13 tensorflow 13 numpy 13 neural-networks 12 cnn 11 mnist 10 python3 10 classification 9 mlp 8 artificial-intelligence 7 image-classification 7 ai 7 computer-vision 7 backpropagation 6 dropout 5 keras 5 mlp-classifier 5 adam-optimizer 4 logistic-regression 4 cifar10 4 keras-tensorflow 4 data-science 4 ann 4 cnn-model 4 transfer-learning 4 mnist-dataset 4 mnist-classification 4 linear-regression 4 optimization 3 from-scratch 3 digit-recognition 3 sgd-optimizer 3 jupyter-notebook 3 gradient-descent 3 matplotlib 3 cs231n 3 artificial-neural-networks 3 machine-learning-algorithms 3 lstm 3 batchnormalization 3 image-processing 2 recurrent-neural-networks 2 tutorial 2 deeplearning 2 yolo 2 hyperspectral 2 backpropagation-algorithm 2 vnncomp 2 neural-network-verification 2 benchmarks 2 ml 2 mnist-handwriting-recognition 2 data-analysis 2 resnet-50 2 classification-model 2 semantic-segmentation 2 stochastic-gradient-descent 2 perceptron 2 price-prediction 2 scikit-learn 2 scratch 2 regression 2 svm 2 forecasting 2 ipython-notebook 2 sigmoid 2 svm-classifier 2 convolutional-neural-network 2 batch-normalization 2 udacity 2 multi-layer-perceptron 2 cnn-classification 2 relu-activation 2 sigmoid-activation 2 cifar-10 2 ransac 2 cpp 2 dnn 2 softmax 2 pooling 2 regularization 2 remote-sensing 2 feedforward-neural-network 2 tflearn 2 gan 2 hyperspectral-image-classification 2 mobilenet 2 hyperspectral-imaging 2 cnn-keras 1 mnist-fashion-datasets 1 word-embedding 1 tensorflow2 1 k-mers 1