Questions tagged [mnist]

MNIST is a database of handwritten digits collected by Yann Lecun and widely used in machine learning research.

MNIST is a database of handwritten digits collected by Yann Lecun, a famous computer scientist, when he was working at AT&T-Bell Labs on the problem of automation of check readings for banks. The data set is a benchmark widely used in machine learning research. Due to its small size it is also widely used for educational purposes.

Here is the full documentation for MNIST database of handwritten digits:

It is a good database for people who want to try learning techniques and pattern recognition methods on real-world data while spending minimal efforts on preprocessing and formatting.

1329 questions
-1
votes
1 answer

Exploding Gradient on fully connected layer

I am trying to learn on the MNIST dataset using a deep learning model. My model is of the format- Input(28*28*1) Conv2d(14*14*32) Conv2d(7*7*64)-flatten FC(3164*1024) FC(1024*10) 10 class prediction of MNIST %matplotlib inline import…
Niteya Shah
  • 1,809
  • 1
  • 17
  • 30
-1
votes
1 answer

How to represent image label as a vector for MNIST classification with tanh() activator?

I'm training fully connected neural network to classify MNIST dataset. Index of the most saturated neuron in the output layer defines network output (digit from 0 to 9). I would like to use tanh() activation function (just for learning…
Ribtoks
  • 6,634
  • 1
  • 25
  • 37
-1
votes
1 answer

How to use a portion of the data?

I want to use a portion randomly from the MNIST dataset. Can you help me please? Now the output shape (i.e. Out) is 60000 but I want to get about 2000: import matplotlib.pyplot as plt from keras.datasets import mnist (x_train, y_train), (x_test,…
-1
votes
1 answer

Importing images like MNIST

I have a 100 images, each 10 for every digit and i am trying to convert it like MNIST images in python. But, constantly i am getting an error. Error is posted down! from PIL import Image, ImageFilter from os import listdir def…
emma19
  • 57
  • 2
  • 7
-1
votes
1 answer

How to test a single image on tensorflow MNIST model?

I,ve followed the tutorial in tensorflow tutorial to build a MNIST model for hand written digits recognition. I want to test the model by inputing a single image to the classifier and get the output it predicted. Here is the complete code of the…
-1
votes
1 answer

how to add another input to MNIST dataset

suppose MNIST data set had another feature, such as if digits were written by a right handed person or left handed person. How can this information be used? I want to use tensorflow. EDIT: I am sorry if my question was vague. I have learned my…
Hirotaka Nakagame
  • 161
  • 1
  • 2
  • 9
-1
votes
1 answer

Show image from fetched data using openCV

I've been using datasets from sklearn. And I want to show image from 'MNIST original' using openCV.imshow Here is part of my code dataset = datasets.fetch_mldata('MNIST original') features = np.array(dataset.data, 'int16') labels =…
Milorad
  • 155
  • 14
-1
votes
1 answer

What is the key feature in MNIST Dataset that is used to classify images

I was recently learning about neural networks and came across MNIST data set. i understood that a sigmoid cost function is used to reduce the loss. Also, weights and biases gets adjusted and an optimum weights and biases are found after the…
rawwar
  • 4,834
  • 9
  • 32
  • 57
-1
votes
2 answers

tf.nn.conv2d does not work on my code. but tf.layer.conv2d does. want to know difference

When I use def main_conv_nn(images, training): # Convolution convFilterShape = [3, 3, 1, 32] convFilterWeights = tf.Variable(tf.truncated_normal(convFilterShape, stddev=0.1)) Layer1 = tf.nn.conv2d(images, convFilterWeights, strides=…
StandTall
  • 13
  • 1
  • 4
-1
votes
2 answers

How can I achieve better than 80% on the test set

My goal is to detect digits from 0 to 9 on a random background. I wrote a dataset generator with the following features: Grayscale data Random digit rotation Random digit blur 43 different fonts Random noisy blurred background Here are 1024…
Tobias Ernst
  • 4,214
  • 1
  • 32
  • 30
-1
votes
1 answer

MNIST training error in for loop

I am still working on my MNIST getting started Project and now I ve got another issue in the Training for Loop: Traceback (most recent call last): File…
HKC72
  • 502
  • 1
  • 8
  • 22
-1
votes
1 answer

Declaring a function to calculate activation of a layer | How does Tensorflow version work and mine doesn't?

So I tried implementing a Convolutional Neural Network on MNIST dataset in a similar fashion as this: https://github.com/tensorflow/tensorflow/blob/r1.1/tensorflow/examples/tutorials/mnist/mnist_with_summaries.py However, on doing that, I noticed…
Sarthak Mittal
  • 154
  • 3
  • 9
-1
votes
1 answer

Dimensions of this neural network i.e (4 inputs, 2 hidden layer with X neurons each, etc)

I was looking at tensorflow examples by Aymeric Damien (https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/3_NeuralNetworks/multilayer_perceptron.py) and in multilayer_perceptron.py he uses a neural net to classify MNIST…
-2
votes
0 answers

MNIST - a Python MWE running the Deep Learning stuff

I'm quite new to Python and DL. I have Windows 8 and I want to run Deep Learning for MNIST (the Hello World! for DL). What steps should I follow to run it successfully ? Google hasn't helped much because of its complex, unreadable…
user2925716
  • 949
  • 1
  • 6
  • 13
-2
votes
1 answer

What is the proper to save the fitted CNN model for MNIST dataset?

I develpoed a simple CNN model for MNIST dataset and i got 98% validation accuracy. But after saving the model through keras as model.h5 and evaluating the inference of th saved model in another jypyter session, the performance of the model is poor…