简体   繁体   中英

Issues loading mnist dataset from tensorflow_datasets

I am currently going through the book "Learning TensorFlow: A Guide to Building Deep Learning Systems" book by Tom Hope, Yehezkel S. Resheff, and Itay Lieder. It is a bit older book and uses tensorflow 1.x version and the mnist dataset from tensorflow.examples.tutorials.mnist. Since I have the latest version of tensorflow installed, I have tried to modify the code from Chapter 4 and I am close to getting it to run but I have an issue with loading the mnist correctly for training. Here is my code modified code:

import tensorflow_datasets as tfds
import tensorflow as tf
import numpy as np

from layers import conv_layer, max_pool_2x2, full_layer

tf.compat.v1.disable_eager_execution()

DATA_DIR = '../data/'
MINIBATCH_SIZE = 50
STEPS = 5000


mnist = tfds.load(name='mnist', split=['train', 'test'], data_dir=DATA_DIR)

x = tf.compat.v1.placeholder(tf.float32, shape=[None, 784])
y_ = tf.compat.v1.placeholder(tf.float32, shape=[None, 10])

x_image = tf.reshape(x, [-1, 28, 28, 1])
conv1 = conv_layer(x_image, shape=[5, 5, 1, 32])
conv1_pool = max_pool_2x2(conv1)

conv2 = conv_layer(conv1_pool, shape=[5, 5, 32, 64])
conv2_pool = max_pool_2x2(conv2)

conv2_flat = tf.reshape(conv2_pool, [-1, 7*7*64])
full_1 = tf.nn.relu(full_layer(conv2_flat, 1024))

keep_prob = tf.compat.v1.placeholder(tf.float32)
full1_drop = tf.nn.dropout(full_1, rate=1-keep_prob)

y_conv = full_layer(full1_drop, 10)

cross_entropy = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=y_conv, labels=y_))
train_step = tf.compat.v1.train.AdamOptimizer(1e-4).minimize(cross_entropy)
correct_prediction = tf.equal(tf.argmax(y_conv, 1), tf.argmax(y_, 1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))

with tf.compat.v1.Session() as sess:
    sess.run(tf.compat.v1.global_variables_initializer())

    for i in range(STEPS):
        batch = mnist.train.next_batch(MINIBATCH_SIZE)

        if i % 100 == 0:
            train_accuracy = sess.run(accuracy, feed_dict={x: batch[0], y_: batch[1],
                                                           keep_prob: 1.0})
            print("step {}, training accuracy {}".format(i, train_accuracy))

        sess.run(train_step, feed_dict={x: batch[0], y_: batch[1], keep_prob: 0.5})

    X = mnist.test.images.reshape(10, 1000, 784)
    Y = mnist.test.labels.reshape(10, 1000, 10)
    test_accuracy = np.mean(
        [sess.run(accuracy, feed_dict={x: X[i], y_: Y[i], keep_prob: 1.0}) for i in range(10)])

print("test accuracy: {}".format(test_accuracy))

and for reference the original code is available here:

https://github.com/Hezi-Resheff/Oreilly-Learning-TensorFlow/blob/master/04__convolutional_neural_networks/mnist_cnn.py

When I run my modified code I get this error:

File "/home/af/Dokumenter/Programs/LearningTensorFlow/Chapter 4/mnist_cnn.py", line 43, in <module>
    batch = mnist.train.next_batch(MINIBATCH_SIZE)
AttributeError: 'list' object has no attribute 'train'

I am unsure how to modify that line now that I am loading the mnist dataset from tensorflow_datasets now. Any advice or hints would be welcome.

mnist.train is an instance of class dataSet which seems missing in your case. It can be seen in the read_data_sets() function here , so my suggestion read data like below:

mnist = input_data.read_data_sets(DATA_DIR, one_hot=True)

In this case the label vector y would be of size [batchsize,10] (2D numpy array). However, if one_hot=False , the size of the label vector would be equal to [batchsize] .

The technical post webpages of this site follow the CC BY-SA 4.0 protocol. If you need to reprint, please indicate the site URL or the original address.Any question please contact:yoyou2525@163.com.

 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM