fashion-mnist-dataset
There are 119 repositories under fashion-mnist-dataset topic.
AndreasKaratzas/neural-network
Feed Forward Multi-Layer Neural Network implemented in C++ 17, optimized using OpenMP 5.1 and tested on fashion MNIST dataset.
EmnamoR/FashionMnist
Fashion Mnist image classification using cross entropy and Triplet loss
aliciapj/xai-genz
Explainable AI & fashion talk & experiments
krishnadevz/image-classification-and-manipulation-in-python-machine-learning
image classification and manipulation in python machine learning on fashion mnist dataset
matin-ghorbani/Fashion-MNIST-training-TensorFlow-JS
Train and Inference on Fashion Mnist dataset using TensorFlowJS
parsa-k/Fashion-MNIST-Dataset-PCA-k-means-Clustering
Clustering of Fashion MNIST Dataset with Using PCA for dimension reduction and K-means for clustering
VictorOwinoKe/CNN-Image-classification-Using-Fashion-MNIST-dataset
There's been much speculation in recent years about neural networks technologies and other deep learning algorithms, primarily because of the popularity of several implementations in the sector utilizing these techniques. Consequently, this hype has yielded several innovative ideas to build open-source libraries and methods to enable the average income tech-savvies to achieve their objective. This research paper aims to examine and illustrate how to use deep learning technologies and algorithms to precisely classify a dataset of fashion images into their respective clothing categories. First, the paper shows the general knowledge of convolutional neural networks (CNN) and the techniques of image classification. Later on, it also discusses the methodology of building a neural network and the simulation process. The results of the neural network simulation are compressively evaluated and discussed.
aws-samples/amazon-sagemaker-dist-data-parallel-with-debugger
How to perform distributed training on Amazon SageMaker using SageMaker's Distributed Data Parallel library and debug using Amazon SageMaker Debugger.
aws-samples/amazon-sagemaker-script-mode-with-debugger
How to perform training on Amazon SageMaker using SageMaker's script mode and debug using Amazon SageMaker Debugger.
AidarSource/FashionMNIST-DNN
testing Deep Neural Network accuracy on MNIST Clothing dataset
bighneshpati/Clothing-Image-Prediction-with-CNN-WebApp
explains how to build Convolutional Neural Network(CNN) for Fashion MNIST project which is an Image Recognition Clothing Prediction Web App which we are going to build using Convolutional Neural Network and Flask App. This is a complete project tutorial series where we are going to learn how to train the CNN model on Fashion MNIST greyscale Image dataset and build a corresponding Flask based web app to show the Image predictions in terms of Fashion Tags.
GoodCoder666/FashionCNN
Demos for training different CNNs on the Fashion-MNIST dataset
makhanov/CNN_pytorch_adversarial_attack_Fashion_MNIST
Repository consists of pre-trained CNN model in pytorch, hitting 89% on Fashion MNIST dataset. Adversarial attack was implemented on a given model. Results are below.
tkhan11/fashion-MNIST-CNN
In this work, author trained a CNN classifier using Keras and TensorFlow backend for prediction of fashion-items in Fashion MNIST dataset, achieving an accuracy of 92.5%.
ADITYASHAH-IITP/Fashion-Entity-Classification
Fashion-MNIST is a dataset of Zalando's article images—consisting of a training set of 60,000 examples and a test set of 10,000 examples. Each example is a 28x28 grayscale image, associated with a label from 10 classes. Zalando intends Fashion-MNIST to serve as a direct drop-in replacement for the original MNIST dataset for benchmarking machine learning algorithms. It shares the same image size and structure of training and testing splits.
AnodeGrindYo/DiffusionModels
Une série de notebooks qui expliquent en détail comment fonctionnent les modèles de diffusion
Brudalaxe/Fashion-MNIST-Classifier
A short example of how to build a Fashion-MNIST classifier in PyTorch.
GuillaumeBrgnFR/FashionMnist
Personal practice about image classification applied to Fashion Mnist dataset.
HansakaDilshanJayawardana/MLAssignment
SLIIT 4th Year 2nd Semester Machine Learning Project
insectatorious/fashion_mnist_demo
Tensorflow 2.x image classifier showing network visualisation abilities. Live demo 👉
JulianChia/fashion_mnist
Python module to download and extract Zalando's Fashion-MNIST database for training and testing deep learning neural networks in computer vision.
karimosman89/gan-image-generation
Implement a GAN to generate new images based on a given dataset (e.g., fashion items, artwork). Explore conditional GANs for generating images based on specific conditions.
Keerthiraj-Nagaraj/DeepNets-for-image-classification
Multilayer Perceptron Neural Networks and Convolutional Neural Networks for fashion MNIST image data classification
LaurentVeyssier/Simple-CNN-classifier-for-FashionMNIST-in-Pytorch
simple CNN achieving 90% accuracy on FashionMNIST dataset
Mahnoor123-Fatima/Image-Classifier-for-Fashion_MNIST-Dataset
Build an image classifier using deep learning CNN for Fashion-MNIST clothing dataset.
mhamzap10/Classify-Images-of-Clothing
This model classify images of Clothing Items. Fashion mnist dataset is used for train and test this model.
ntshvicky/fashionmnist_cnn_example
An example of training convolutional neural networks with Fashion MNIST dataset in C++ and Cmake
NvsYashwanth/Fashion-MNIST-Image-Classification
Fashion MNIST classification using PyTorch
prakHr/Coursera-Specializations
Contains courses in specializations of coursera on deep learning
thisisyou33-publishing-networks/psychic-train
Electric Soul
yogkul2000/Generate-Synthetic-Images-using-DCGANs
Used DCGANs for generating Synthetic Images