Ecosyste.ms: Repos

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

GitHub topics: fashion-mnist

byrkbrk/conditional-ddpm

A simple PyTorch implementation of conditional denoising diffusion probabilistic models (DDPM) on MNIST, Fashion-MNIST, and Sprite datasets

Language: Python - Size: 591 MB - Last synced: 3 days ago - Pushed: 3 days ago - Stars: 2 - Forks: 0

oswaldoludwig/CLASSP

A Biologically-Inspired Approach to Continual Learning through Adjustment Suppression and Sparsity Promotion

Language: Python - Size: 308 KB - Last synced: 4 days ago - Pushed: 5 days ago - Stars: 0 - Forks: 0

RahulBhalley/turing-gan

Source code for "Training Generative Adversarial Networks Via Turing Test".

Size: 372 MB - Last synced: 6 days ago - Pushed: almost 4 years ago - Stars: 13 - Forks: 2

kaustubhhiware/fashion-mnist-tf

Multi-class classification for Fashion-MNIST in tensorflow

Language: Python - Size: 34.4 MB - Last synced: 7 days ago - Pushed: about 6 years ago - Stars: 0 - Forks: 1

sephml/nn-dl

My attempts for creating a good model around fashionMNIST

Language: Jupyter Notebook - Size: 2.63 MB - Last synced: 8 days ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

subhadeep-123/Fashion---MNIST

This repository contains the solution of Fashion MNIST solution using PyTorch

Language: Jupyter Notebook - Size: 714 KB - Last synced: 14 days ago - Pushed: almost 5 years ago - Stars: 5 - Forks: 2

anoban/NNetworks

Introduction to neural networks - from scratch.

Language: Python - Size: 41.5 MB - Last synced: 14 days ago - Pushed: about 1 month ago - Stars: 1 - Forks: 0

gokulnpc/Fashion-MNIST-GAN

This script outlines the implementation of a Generative Adversarial Network (GAN) designed to generate fashion images using the Fashion MNIST dataset. The GAN consists of a generator and a discriminator, which are trained simultaneously in an adversarial manner.

Language: Jupyter Notebook - Size: 11.3 MB - Last synced: 17 days ago - Pushed: 17 days ago - Stars: 1 - Forks: 0

znxlwm/pytorch-generative-model-collections

Collection of generative models in Pytorch version.

Language: Python - Size: 124 MB - Last synced: 18 days ago - Pushed: about 4 years ago - Stars: 2,564 - Forks: 546

ilias-ant/fashion-mnist-classification

Using MLPs and CNNs to classify Fashion-MNIST items.

Language: Jupyter Notebook - Size: 587 MB - Last synced: 20 days ago - Pushed: about 2 years ago - Stars: 6 - Forks: 1

apoorvdwi/Fashion-MNIST

Implemented a Convulational Neural Network over the Fasion-MNIST Dataset .

Language: Jupyter Notebook - Size: 24.4 KB - Last synced: 21 days ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

jaydeepthik/Fast-Gradient-Sign-Adversarial-Attack

Fast Gradient Sign Adversarial Attack(FGSM) examples creation using FashionMnist dataset

Language: Jupyter Notebook - Size: 247 KB - Last synced: 22 days ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

dcarpintero/nn-image-classifier

Python from-scratch implementation of an annotated Multilayer Perceptron (MLP) for Image Classification.

Language: Jupyter Notebook - Size: 604 KB - Last synced: 25 days ago - Pushed: 27 days ago - Stars: 1 - Forks: 0

pubkey/fashion-segmentation

A tensorflow model for segmentation of fashion items out of multiple product images

Language: Python - Size: 587 MB - Last synced: 6 days ago - Pushed: over 1 year ago - Stars: 35 - Forks: 7

tobiadey/AICoursework

Fashion Mnist Classification (Linear,SVM,CNN)

Language: Python - Size: 9.07 MB - Last synced: about 1 month ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

GuillaumeBrgnFR/FashionMnist

Personal practice about image classification applied to Fashion Mnist dataset.

Language: Jupyter Notebook - Size: 2 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 1 - Forks: 0

jibinmathew69/PyTorch-In-Depth

This is a repository which looks at Deep learning tutorial with Pytorch, with various important functions and documentation.

Language: Jupyter Notebook - Size: 9.08 MB - Last synced: about 1 month ago - Pushed: over 4 years ago - Stars: 2 - Forks: 0

SK7here/DCGAN-Fashion-MNIST

Built a Deep Convolutional Adversarial Neural Network (DCGAN) to generate realistic Fashion MNIST images

Language: Jupyter Notebook - Size: 11.7 KB - Last synced: about 1 month ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 0

dan-koller/neural-network

A small but fully functional two-layer neural network.

Language: Python - Size: 22.5 KB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

Henvezz95/Fashion-MNIST-GAN

GAN trained to generate Fashion MNIST images

Language: Python - Size: 7.02 MB - Last synced: about 2 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

abdulfatir/capsule-networks-pytorch

PyTorch implementation of Capsule Networks

Language: Python - Size: 7.81 KB - Last synced: about 2 months ago - Pushed: about 6 years ago - Stars: 2 - Forks: 2

darthdaenerys/Fashion-MNIST-GAN

Explore formalized Fashion MNIST Classification: precise model deployment, rigorous evaluation of 28x28 grayscale images across ten categories.

Language: Jupyter Notebook - Size: 21.4 MB - Last synced: about 2 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

Andrewwango/femda

FEMDA: Robust classification with Flexible Discriminant Analysis in heterogeneous data. Flexible EM-Inspired Discriminant Analysis is a robust supervised classification algorithm that performs well in noisy and contaminated datasets.

Language: Python - Size: 16.6 MB - Last synced: 21 days ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

hwalsuklee/tensorflow-generative-model-collections

Collection of generative models in Tensorflow

Language: Python - Size: 4.57 MB - Last synced: about 2 months ago - Pushed: over 1 year ago - Stars: 3,896 - Forks: 866

ShantamGupta/Autoencoders

Autoencoders with Tensorflow

Language: Jupyter Notebook - Size: 28.9 MB - Last synced: about 2 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

richardyang92/burn-examples

some neural networks implemented by burn framework

Language: Rust - Size: 28.8 MB - Last synced: 21 days ago - Pushed: about 1 month ago - Stars: 1 - Forks: 0

TejasTidke/Classification-of-Fashion-Clothing-Dataset-Using-MLP

Classification into 10 categories of Fashion-Mnist Data "Hello-world" program for machine learning

Language: Jupyter Notebook - Size: 464 KB - Last synced: 2 months ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

fareanor3/Classification_with_decision_tree

final project, classification base on tree data strucutures, random forest

Language: C - Size: 9.14 MB - Last synced: 2 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

i008/pytorch-deepfashion

pytorch implementation of the deepfashion architecture (https://www.cv-foundation.org/openaccess/content_cvpr_2016/papers/Liu_DeepFashion_Powering_Robust_CVPR_2016_paper.pdf)

Language: Python - Size: 494 KB - Last synced: 14 days ago - Pushed: over 5 years ago - Stars: 45 - Forks: 14

sheatsley/datasets

Scripts for downloading, preprocessing, and numpy-ifying popular machine learning datasets

Language: Python - Size: 1.58 MB - Last synced: 23 days ago - Pushed: 24 days ago - Stars: 8 - Forks: 4

kstarkiller/simplon_brief13_enhanced_OCR

OCR project with MNIST and FASHION-MNIST datasets. A website allows you to take photo of handwritted numbers from which you can obtain a prediction of what this number is.

Language: Jupyter Notebook - Size: 16.9 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

Megh-Bhatt/Object_Detection_Project

This code tackles the classic Fashion MNIST image classification task using TensorFlow and a multi-layer perceptron (MLP) neural network.

Language: Python - Size: 11.7 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

vinit714/--Deep-Learning-for-Fashion-MNIST--Accessory-Classification-Project

This repository contains Python code to classify fashion items using a Convolutional Neural Network (CNN) implemented with TensorFlow and Keras. It includes data preprocessing, model building, training, evaluation, and visualization of results.

Language: Jupyter Notebook - Size: 61.5 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

SajeebChakraborty/Artificial_Intelligence_Lab

Language: Jupyter Notebook - Size: 163 KB - Last synced: 15 days ago - Pushed: about 1 year ago - Stars: 4 - Forks: 0

Adeel-Intizar/Clothes-Recognizer-Fashion-MNIST-

TensorFlow/Keras implementation of Fashion MNIST Dataset

Language: Jupyter Notebook - Size: 13.4 MB - Last synced: 3 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

zalandoresearch/fashion-mnist

A MNIST-like fashion product database. Benchmark :point_down:

Language: Python - Size: 103 MB - Last synced: 3 months ago - Pushed: almost 2 years ago - Stars: 11,372 - Forks: 2,949

cvqluu/Angular-Penalty-Softmax-Losses-Pytorch

Angular penalty loss functions in Pytorch (ArcFace, SphereFace, Additive Margin, CosFace)

Language: Python - Size: 9.35 MB - Last synced: 3 months ago - Pushed: 5 months ago - Stars: 471 - Forks: 91

efth-mcl/BayesBatch

Academic project (Deep Learning)

Language: Jupyter Notebook - Size: 273 KB - Last synced: 4 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

henryboisdequin/Fashion-MNIST

Made a CNN to predict items of clothing in the fashion MNIST dataset.

Language: Jupyter Notebook - Size: 40 KB - Last synced: 4 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

alignedalignof/dumb-mnist

Dumb classifiers for MNIST like images wirtten in python-numpy

Language: Python - Size: 39.6 MB - Last synced: 5 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

hossamAhmedSalah/ML_PROJECT

ML project for two datasets House prices, and Fashion MSNIST

Language: Jupyter Notebook - Size: 24.8 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

snakers4/playing_with_vae

Comparing FC VAE / FCN VAE / PCA / UMAP on MNIST / FMNIST

Language: Jupyter Notebook - Size: 4.48 MB - Last synced: 2 months ago - Pushed: almost 6 years ago - Stars: 59 - Forks: 12

ameliajimenez/capsule-networks-medical-data-challenges

"Capsule Networks against Medical Imaging Data Challenges" - LABELS@MICCAI 2018

Language: Python - Size: 435 KB - Last synced: about 2 months ago - Pushed: about 4 years ago - Stars: 15 - Forks: 2

kaustubhhiware/LSTM-GRU-from-scratch

LSTM, GRU cell implementation from scratch in tensorflow

Language: Python - Size: 31 MB - Last synced: 7 days ago - Pushed: about 6 years ago - Stars: 39 - Forks: 19

DonaldKellett/fmnist-keras3

Fashion MNIST linear classification model with Keras 3.0 and PyTorch

Language: Python - Size: 7.81 KB - Last synced: 3 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

OakLake/Tensorflow-fashion-mnist

Getting to know DL better with practice using the fashion-MNIST dataset

Language: Python - Size: 39.6 MB - Last synced: 5 months ago - Pushed: over 6 years ago - Stars: 1 - Forks: 0

Adi-UA/VOGAN

Vogue GAN. Building a GAN in PyTorch from scratch!

Language: Jupyter Notebook - Size: 9.84 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

YassineSE/Fashion-MNIST-Model-Training

Training a convolutional neural network to classify the Fashion MNIST Dataset

Language: Jupyter Notebook - Size: 5.33 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

zamirmehdi/Data-Mining-Course

Data mining course projects.

Language: Jupyter Notebook - Size: 17.9 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 1 - Forks: 0

gaurav-aiml/Intro-To-ML

This repository contains projects completed as a part of the coursework for Introduction to Machine Learning (Fall 2019) taught by Prof. Sargur N. Srihari at the University at Buffalo.

Language: Jupyter Notebook - Size: 33.5 MB - Last synced: 6 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 1

mansi-k/KMeans_on_imgs

Implemented KMeans from scratch and trained it on Fashion-MNIST dataset by experimenting with initializaion methods like forgy, random partitions, kmeans++ and found the optimal number of clusters by implementing elbow & silhouette algorithms from scratch

Language: Jupyter Notebook - Size: 169 KB - Last synced: 6 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

mansi-k/Basic_GANs

Implemented and experimented with GAN, Conditional GAN and Deep-Convolutional GAN on various datasets for comparison, learning and demonstration purposes

Language: Jupyter Notebook - Size: 3.72 MB - Last synced: 6 months ago - Pushed: over 2 years ago - Stars: 2 - Forks: 0

immanuvelprathap/Optical-Character-Recognition---KNN-NeuralNetworks-Python

Language: Jupyter Notebook - Size: 104 MB - Last synced: 6 months ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

berraekmekcioglu/FashionMNIST

Convolutional neural network is used for the classification of the dataset and the code is written in Python.

Language: Python - Size: 3.7 MB - Last synced: 6 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

SJ-Ray/FMNIST_MLP_PTH_Classifier

This notebook demonstrate the use of PyTorch to create a Multi-Layer Perceptron for Image Classification on Fashion Mnist Dataset.

Language: Jupyter Notebook - Size: 93.8 KB - Last synced: 6 months ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

hysts/pytorch_image_classification 📦

PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet

Language: Python - Size: 3.35 MB - Last synced: 6 months ago - Pushed: over 2 years ago - Stars: 1,260 - Forks: 296

golecalicja/fashion-mnist-cnn

CNN that recognizes clothing items, trained on Fashion MNIST dataset

Language: Jupyter Notebook - Size: 27.3 KB - Last synced: 6 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

vktr274/MLP-Fashion-MNIST

Simple MLP implementation in Tensorflow and PyTorch for the Neural Networks course @ FIIT STU

Language: Jupyter Notebook - Size: 2.62 MB - Last synced: 5 months ago - Pushed: about 1 year ago - Stars: 2 - Forks: 0

YannDubs/disentangling-vae

Experiments for understanding disentanglement in VAE latent representations

Language: Python - Size: 222 MB - Last synced: 6 months ago - Pushed: over 1 year ago - Stars: 734 - Forks: 138

Natsu6767/InfoGAN-PyTorch

PyTorch Implementation of InfoGAN

Language: Python - Size: 149 MB - Last synced: 6 months ago - Pushed: over 1 year ago - Stars: 306 - Forks: 76

xoraus/FashionNet

Learn how to create a fashion classifier using CNNs, while delving into image preprocessing and optimization.

Language: Jupyter Notebook - Size: 1.78 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 4 - Forks: 1

waynezhanghk/gacluster

Graph Agglomerative Clustering Library

Language: MATLAB - Size: 20.5 KB - Last synced: 7 months ago - Pushed: almost 5 years ago - Stars: 20 - Forks: 6

xuehaouwa/Fashion-MNIST

Simple CNN for Fashion-MNIST

Language: Python - Size: 15.3 MB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

wangjiosw/fashion-mnist-cnn-keras

classify fashion mnist data using cnn

Language: Python - Size: 3.91 KB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 2 - Forks: 0

rafaie/fashion-mnist

A Tensorflow practice by utilizing the dense layers to design a model for fashion-mnist dataset

Language: Python - Size: 38.8 MB - Last synced: 7 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

imdiptanu/classifying-fashionMNIST

Image Classification in Fashion MNIST dataset using CNN(PyTorch)

Language: Python - Size: 2.93 KB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

AmirFARES/Fashion-MNIST-CNN

Fashion MNIST CNN model for clothing classification. Explore deep learning in fashion recognition.

Language: Jupyter Notebook - Size: 8.45 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

DebeshJha/LightLayers

LightLayers: Parameter Efficient Dense and convolutional Layers for Image Classification (PDCAT-PAAP)

Language: Python - Size: 1.21 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 3 - Forks: 2

kh-w/mnist_fashion_m01

Explained how a Convolution Neural Network (CNN) works on image recognition. Used R to tune a CNN on the fashion version of mnist dataset.

Language: R - Size: 20.5 MB - Last synced: 7 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

LucasVandroux/Fashion-MNIST-PyTorch

Different PyTorch models for Fashion-MNIST and a demo to test them in the real world.

Language: Python - Size: 56.2 MB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 3 - Forks: 1

atharvabagde/ML_starter

A repository which can act as a starter pack of ML concepts for the dilettantes in the field

Language: Jupyter Notebook - Size: 11.6 MB - Last synced: 8 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

Baksonator/fashionMNIST-classifier Fork of raf-bsn/ML-project2

Convoluted Neural Network for classifying the FashionMNIST data set. Recognition of multiple clothing objects on the same picture with noise using the trained model and OpenCV.

Language: Python - Size: 66.5 MB - Last synced: 8 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

tlatkowski/gans-2.0

Generative Adversarial Networks in TensorFlow 2.0

Language: Python - Size: 76.7 MB - Last synced: 7 days ago - Pushed: over 1 year ago - Stars: 76 - Forks: 14

TTrumpet/Neural-Net-Practice

Team Multimedia - Song Recommenders Neural Net Practice with MNIST and FashionMNIST

Language: Python - Size: 21.5 KB - Last synced: 8 months ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

MekanMyradov/fashion-recognition-with-cnn

This is a fashion recognition with convolutional neural networks. TensorFlow and the Fashion-MNIST dataset are used.

Language: Jupyter Notebook - Size: 3.91 KB - Last synced: 8 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

DiegoPaezA/IA_Examples

Ejemplos implementados para practicar conceptos de machine learning y optimización

Language: Jupyter Notebook - Size: 276 MB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 2 - Forks: 1

iamthephd/fashion-mnist-tensorboard

Creating a tensorboard for Fashion-MNIST dataset using PyTorch

Language: Python - Size: 9.77 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 1 - Forks: 0

rafi-fauzan/FashionMNIST_GANs_PyTorch

GANs FashionMNIST

Language: Jupyter Notebook - Size: 18.4 MB - Last synced: 8 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

dkohlsdorf/Variational-Fashion-Encoder

Variational Auto Encoder on Fashion MNIST

Language: Jupyter Notebook - Size: 1.37 MB - Last synced: 8 months ago - Pushed: over 6 years ago - Stars: 1 - Forks: 0

shinseung428/CapsNet_Tensorflow

Language: Python - Size: 334 KB - Last synced: 7 months ago - Pushed: over 6 years ago - Stars: 72 - Forks: 18

primaryobjects/fashion

The Fashion-MNIST dataset and machine learning models.

Language: R - Size: 28.8 MB - Last synced: 24 days ago - Pushed: over 6 years ago - Stars: 24 - Forks: 7

Lahav1/Machine-Learning-Ex3

Language: Python - Size: 36 MB - Last synced: 8 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

hwixley/IAML-cwk2

Introductory Applied Machine Learning - Coursework 2: development and analysis of machine learning models on the FashIonMNIST dataset using SciKit-learn

Language: Jupyter Notebook - Size: 74.2 MB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Liang-yc/fn_playground

WRN 40-4 training from scratch. Best test accuracy on Fashion MNIST dataset is ~96.74%; best test accuracy on Cifar-10 dataset is ~98.03%.

Language: Python - Size: 121 KB - Last synced: 9 months ago - Pushed: 10 months ago - Stars: 2 - Forks: 0

learningwithmachines/FashionMNIST-Flux

Convolutional Neural Network with Julia/Flux trained on the FashionMNIST Dataset

Language: Jupyter Notebook - Size: 32.2 MB - Last synced: 9 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

JeremieGince/SNNImageClassification

Comparison of neural dynamics like LIF and ALIF for image classification on MNIST and Fashion-MNIST datasets.

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

Sambonic/vogue_insight

Experimental project that utilises a multi-class classification model to predict and categorise MNIST's fashion dataset

Language: Jupyter Notebook - Size: 141 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

john-fante/distributed_deep_learning_example

I tried to implement distributed deep learning on the fashion mnist dataset

Language: Jupyter Notebook - Size: 26.4 KB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

scheshmi/Neural-Network-Course

Language: Jupyter Notebook - Size: 4.05 MB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 1 - Forks: 0

Petr-Kovalev/punched-cards-fashion-mnist-poc 📦

Object recognition by random binary data lookup proof of concept for Fashion MNIST

Language: C# - Size: 28.9 MB - Last synced: 9 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

cambridge-mlg/arch_uncert

Code for "Variational Depth Search in ResNets" (https://arxiv.org/abs/2002.02797)

Language: Jupyter Notebook - Size: 5.92 MB - Last synced: 9 months ago - Pushed: almost 4 years ago - Stars: 9 - Forks: 5

m-clark/noiris

Any data but iris 👁

Language: R - Size: 185 MB - Last synced: 9 months ago - Pushed: over 4 years ago - Stars: 13 - Forks: 1

paliwalabhishek/AutoEncoder

Implementation of the stacked autoencoder in Tensorflow

Language: Python - Size: 27.4 MB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 2 - Forks: 1

djbyrne/CNN-On-The-Cloud-

Code used to build an image classifier for the Fashion MNIST dataset. Built using the Keras library and trained on the FloydHub cloud platform

Language: Jupyter Notebook - Size: 27.3 KB - Last synced: 9 months ago - Pushed: almost 6 years ago - Stars: 4 - Forks: 0

ankitk2109/DeepLearning

Deep Learning

Language: Jupyter Notebook - Size: 21.8 MB - Last synced: 9 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 2

Noa-Nussbaum/Avodat-Gmar---Second-semester

Second semester final project.

Language: Jupyter Notebook - Size: 8.08 MB - Last synced: 9 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

jinwoolim8180/fl-baseline

A PyTorch framework for federated learning. This is a very basic framework.

Language: Python - Size: 1 GB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 1 - Forks: 0

john-fante/Simple-New-Sample-Generation-FashionMNIST-w-KDE

A primitive GAN, a sample data generator with Kernel Density Estimation for FashionMNIST

Language: Jupyter Notebook - Size: 435 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

amirrezarajabi/Tensorflow-Forward-Forward

Implementation of Hinton's forward-forward (FF) algorithm in tensorflow - an alternative to back-propagation

Language: Jupyter Notebook - Size: 6.1 MB - Last synced: 8 months ago - Pushed: about 1 year ago - Stars: 31 - Forks: 7

ncapek/neural_network

Project assignment for my neural network class

Language: Rust - Size: 20.5 KB - Last synced: 10 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

Related Keywords
fashion-mnist 288 deep-learning 75 tensorflow 69 mnist 59 machine-learning 57 pytorch 52 keras 51 python 49 cnn 37 neural-network 33 convolutional-neural-networks 32 python3 27 classification 26 image-classification 26 fashion-mnist-dataset 23 jupyter-notebook 19 gan 19 cnn-classification 18 computer-vision 18 deep-neural-networks 15 cnn-keras 15 tensorflow2 14 neural-networks 13 keras-tensorflow 13 dataset 12 generative-adversarial-network 11 numpy 11 cifar10 11 artificial-intelligence 10 matplotlib 10 mnist-classification 10 variational-autoencoder 8 artificial-neural-networks 8 autoencoder 7 cifar-10 7 mlp 7 tensorboard 6 data-science 6 vae 6 logistic-regression 6 ai 6 fashion 6 mnist-handwriting-recognition 6 dcgan 6 image-recognition 6 resnet 5 fashion-classifier 5 mnist-dataset 5 convolutional-neural-network 5 xgboost 5 random-forest 5 kaggle 5 pandas 5 cnn-model 5 pytorch-implementation 5 pytorch-tutorial 5 svm-classifier 4 image-processing 4 julia 4 supervised-learning 4 ml 4 r 4 scikit-learn 4 capsule-network 4 data-augmentation 4 fashionmnist 4 deeplearning 4 visualization 4 infogan 4 keras-neural-networks 4 cgan 4 categorization 4 deep-learning-tutorial 4 transfer-learning 4 classifier 3 colab-notebook 3 flux 3 sklearn 3 classification-model 3 flask 3 knn-classification 3 fmnist-dataset 3 linear-regression 3 principal-component-analysis 3 kmeans-clustering 3 pca 3 tutorial 3 capsnet 3 lstm 3 celeba 3 machine-learning-algorithms 3 object-detection 3 torchvision 3 backpropagation 3 generative-model 3 multilayer-perceptron 3 pytorch-cnn 3 naive-bayes-classifier 3 gan-pytorch 2 hierarchical-clustering 2