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. We intend 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.
mnist deep-learning benchmark machine-learning dataset computer-vision fashion fashion-mnist gan zalando convolutional-neural-networks텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다. 텐서플로우 공식 사이트에서 제공하는 안내서의 대부분의 내용을 다루고 있으며, 공식 사이트에서 제공하는 소스 코드보다는 훨씬 간략하게 작성하였으므로 쉽게 개념을 익힐 수 있을 것 입니다. 또한, 모든 주석은 한글로(!) 되어 있습니다.
neural-network tensorflow mnist autoencoder rnn deep-learning tutorial chatbot seq2seq dqn word2vec cnn gan inceptionLingvo is a framework for building neural networks in Tensorflow, particularly sequence models. A list of publications using Lingvo can be found here.
nlp research translation tensorflow machine-translation speech distributed tts speech-synthesis mnist speech-recognition lm seq2seq speech-to-text gpu-computing language-model asrAoE (AI on Edge,终端智能,边缘计算) 是一个终端侧AI集成运行时环境 (IRE),帮助开发者提升效率。
machine-learning ai aoe android ios tensorflow deep-learning mnist squeezenet edge mnn ncnn mace demo didi ml tools benchmark ire deviceGPU accelerated handwritten digit recognition with regl. Note that this network will probably be slower than the corresponding network implemented on the CPU. This is because of the overhead associated with transferring data to and from the GPU. But in the future we will attempt implementing more complex networks in the browser, such as Neural Style, and then we think that we will see a significant speedup compared to the CPU.
regl cnn digit-recognition demo gpu webgl convolutional-neural-networks gpgpu deep-learning glsl digit recognition mnist convolutional neural network networksAll pull requests are welcome, make sure to follow the contribution guidelines when you submit pull request.
tensorflow tensorflow-tutorials mnist-classification mnist machine-learning android tensorflow-models machine-learning-android tensorflow-android tensorflow-model mnist-model deep-learning deep-neural-networks deeplearning deep-learning-tutorialTesting classification of MNIST digits in Ruby. Includes a Sinatra app that uses a trained ruby-fann neural network to predict digits drawn on a element. The neural network was trained on all 60,000 training examples with 1 hidden layer of 300 neurons, and successfully classified ~93% of the test set.
mnist neural-network rubymlPyTorch Implementation of CycleGAN and Semi-Supervised GAN for Domain Transfer.
pytorch domain-transfer cycle-gan semi-supervised-gan mnist svhnTraining AI machine learning models on the Fashion MNIST dataset. Fashion-MNIST is a dataset consisting of 70,000 images (60k training and 10k test) of clothing objects, such as shirts, pants, shoes, and more. Each example is a 28x28 grayscale image, associated with a label from 10 classes. The 10 classes are listed below.
mnist fashion dataset fashion-mnist machine-learning artificial-intelligence artificial-neural-networks support-vector-machines svm xgboost data-science r supervised-learning classification image-recognition image-classificationThis repository contains a straightforward implementation of Generative Adversarial Networks trained to fool a discriminator that sees real MNIST images, along with Mutual Information Generative Adversarial Networks (InfoGAN). Note: generator architecture changed w.r.t. the publication, due to the fact that it was producing 32x32 images rather than 64x64 images as desired. Results may be different.
generative-adversarial-network gan mnist tensorflow infogan chairs-dataset neural-network computer-visionSimple neural network implementation in Rust. NOTE: I wanted to give Rust a try, and decided to try implementing a simple NN framework, but this is not meant to be used in production (it is way too slow for now anyway).
neural-networks mnistMy implementations of deep neural networks for practice.
deep-learning deep-neural-networks generative-adversarial-network mnist jupyter-notebook wasserstein-gan dragan discoganThis is a short implementation of a Conditional DCGAN, however if you need a cDCGAN for real-world use cases, please consider using a more serious implementation. Here can be seen a cDCGAN trained on CIFAR-10 using the same networks architectures I used for MNIST, obviously it shows that we need to be careful when designing the architecture. It works better using more filters.
tensorflow dcgan mnist machinelearning shabteamAll my submissions for Kaggle contests that I have been, and going to be participating. I will probably have everything written in Python (utilizing scikit-learn or similar libraries), but occasionally I might also use R or Haskell if I can.
kaggle xgboost mnist neural-network scikit-learn kaggle-contestThe MNIST database is a large database of handwritten digits that is commonly used for training various image processing systems. The database is also widely used for training and testing in the field of machine learning. The goal of this project is to use the above database of handwritten digit images to generate images representing sequences of handwritten digits. The project also provides a utility to generate and save a set of training/test image dataset of MNIST sequences with labels.
mnist-dataset mnist-image-dataset mnist handwriting-digit-classification machine-learning dataset-generation datasets image-dataset sequence sequence-generation python3 numpy pillowImplementation of Adversarial Discriminative Domain Adaptation in Chainer. Note this code depends on this version of Chainer (or newer). Please check out the source from that link rather than installing via pip.
adda adversarial domain-adaptation chainer chainer-adda mnist svhnThis repository contains different tests performed on a capsule network model. Example code to train the capsule_dynamic(CapsNet with dynamic routing) model on mnist dataset.
capsule-network affnist mnist fashion-mnist tensorflowSimple ConvNet to classify digits from the famous MNIST dataset. This program gets 98.63% on Kaggle's test set. In order to run this program, you need to have Theano, Keras, and Numpy installed as well as the train and test datasets (from Kaggle) in the same folder as the python file.
keras convolutional-neural-networks kaggle mnistThis is the MNIST dataset implemented in Apple's new framework CoreML. The MNIST dataset can predict handwritten (drawn) digits from an image and outputs a prediction from 0-9. The model was built with Keras 1.2.2. To test this model you can open the MNISTPrediction.xcodeproj and run it on your device (iOS 11 and Xcode 9 is required). To test further images just add them to the project and replace my testing with yours.
coreml coreml-framework mnist machine-learning convolutional-neural-networks mnist-dataset coreml-modelsTensorflow implementation of different GANs and their comparisions
gan gan-implementations evaluation celeba mnist madgan dcgan began wgan gang-of-gans
We have large collection of open source products. Follow the tags from
Tag Cloud >>
Open source products are scattered around the web. Please provide information
about the open source projects you own / you use.
Add Projects.