mnist Questions
5
Solved
I am trying to train a Deep Neural Network using MNIST data set.
BATCH_SIZE = 100
train_data = train_data.batch(BATCH_SIZE)
validation_data = validation_data.batch(num_validation_samples)
test_dat...
Curler asked 29/10, 2019 at 10:10
4
Solved
I am new to ML and trying to download MNIST data. The code I am using is:
from sklearn.datasets import fetch_mldata
mnist = fetch_mldata('MNIST original')
But, it gives an error saying:
Timeout...
Preponderance asked 1/11, 2018 at 7:37
15
Solved
TensorFlow MNIST example not running with fully_connected_feed.py
I checked this out and realized that input_data was not built-in. So I downloaded the whole folder from here. How can I start the ...
Durmast asked 12/11, 2015 at 4:51
1
I was verifying with a basic example my TensorFlow (v2.2.0), Cuda (10.1), and cudnn (libcudnn7-dev_7.6.5.32-1+cuda10.1_amd64.deb) and I'm getting weird results...
When running the following examp...
Latonya asked 26/5, 2020 at 23:38
2
I'm using the mnist dataset of handwritten digits and I am trying to predict a digit that I wrote. The problem is that my digit is of shape (28,28,3) and the expected shape for my neural network is...
Adamsite asked 1/5, 2020 at 23:29
3
Solved
I'm trying to classify handwriting digits, written by myself and a few friends, by usign NN and CNN. In order to train the NN, MNIST dataset is used. The problem is the NN trained with MNIST datase...
Houstonhoustonia asked 13/1, 2015 at 15:14
4
Solved
I am working on handprinted multi-digit recognition with Java, using OpenCV library for preprocessing and segmentation, and a Keras model trained on MNIST (with an accuracy of 0.98) for recognition...
Stacistacia asked 15/10, 2019 at 16:23
4
Solved
I have been trying to find a way to load the EMNIST-letters dataset but without much success. I have found interesting stuff in the structure and can't wrap my head around what is happening. Here i...
Ian asked 1/7, 2018 at 18:35
3
Solved
I've built a neural network with keras using the mnist dataset and now I'm trying to use it on photos of actual handwritten digits. Of course I don't expect the results to be perfect but the result...
Thickening asked 30/12, 2019 at 18:27
2
I am a newbie to Tensorflow and trying to implement a Generative Adversarial Network. I am following this tutorial for the same in which we are trying to generate MNIST dataset like images using ge...
Orthodontist asked 3/4, 2017 at 11:48
1
Solved
This is the error i get when I try to train my network.
The class we used to store Images from the Caltech 101 dataset was provided us by our teachers.
from torchvision.datasets import VisionData...
3
Solved
i have MNIST dataset and i am trying to visualise it using pyplot. The dataset is in cvs format where each row is one image of 784 pixels. i want to visualise it in pyplot or opencv in the 28*28 im...
Stockwell asked 14/5, 2016 at 15:18
1
Hi… I’m running mnist code in my P3 AWS machine and the initialization process seems to be very long compared to my previous P2 machine (although P3>P2)
Train on 60000 samples, validate on 10000 s...
Onetoone asked 27/2, 2018 at 9:58
1
Solved
I have a problem with classifying fully connected deep neural net with 2 hidden layers for MNIST dataset in pytorch.
I want to use tanh as activations in both hidden layers, but in the end, I shoul...
2
Solved
I am now learning tensorflow 1.0 with python 3.5.2. I tried the following code found on github but i am getting the error No module named 'tensorflowvisu'. If i remove the import tensorflowvisu i g...
Froth asked 9/3, 2017 at 22:55
1
Solved
I am getting following error when using MNIST dataset in Torchvision
RuntimeError: output with shape [1, 28, 28] doesn't match the broadcast shape [3, 28, 28]
Here is my code:
import torch
from...
Emancipator asked 12/3, 2019 at 14:51
1
Solved
I'm using the MNIST and Keras for learning about CNNs. I'm downloading the MNIST database of handwritten digits under Keras API as show below. The dataset is already split in 60.000 images for trai...
2
I'm trying to download the MNIST data which is supposedly handled in:
tensorflow.examples.tutorials.mnist.input_data.read_data_sets()
As far as I'm aware read_data_sets sends a pull request to a se...
Berenice asked 20/10, 2017 at 23:34
3
Solved
I have downloaded the MNIST dataset from LeCun site. What I want is to write the Python code in order to extract the gzip and read the dataset directly from the directory, meaning that I don't have...
Libya asked 15/1, 2018 at 5:13
1
I have this type of image from that I only want to extract the characters.
After binarization, I am getting this image
img = cv2.imread('the_image.jpg')
gray = cv2.cvtColor(img, cv2.COLOR_BGR2...
Earache asked 27/10, 2017 at 9:26
2
Solved
I am a beginner in deep learning and I am working upon the mnist dataset in keras.
I used normalization as
tf.keras.utils.normalize(x_train, axis = 1)
I don't understand what does the axis argu...
Valley asked 15/10, 2018 at 8:44
2
I'm trying to load the mnist character dataset (following the tutorial outlined here: http://neuralnetworksanddeeplearning.com/chap1.html )
when I run the load_data_wrapper function I get the erro...
2
Solved
I am currently exploring neural networks and machine learning and I implemented a basic neural network in c#. Now I wanted to test my back propagation training algorithm with the MNIST database. Al...
Dibasic asked 21/3, 2018 at 13:34
2
Solved
My environment is as follows:
* Windows 7, 64 bit
* Anaconda Navigator 1.8.7
* python 3.6.5
* tensorflow 1.8.0
In python, I type:
import tensorflow as tf
from tensorflow.examples.tutorials.mnis...
Vespiary asked 11/6, 2018 at 15:22
1
The TensorFlow documentation for MNIST recommends multiple different ways to load the MNIST dataset:
https://www.tensorflow.org/tutorials/layers
https://www.tensorflow.org/versions/r1.2/get_start...
Joshi asked 3/6, 2018 at 12:58
© 2022 - 2024 — McMap. All rights reserved.