mnist = tf.keras.datasets.mnist.load_data() train_img = mnist[0][0] # 表示训练集 构成的矩阵 表示的 图片 test_img = mnist[1][0] # 表示测试集 构成的矩阵 表示的 图片 train_label = mnist[0][1] # 表示训练集 的图片 表示的 数字是多少 test_label = mnist[1][1] with tf.Session() as sess: init = tf.global_variables_initializer() sess.run(init) start = time.time() for i in range(max_epoch): batch_xs, batch_ys = train_img.next_batch(100) # 此batch是个2维tuple,batch[0]是(100,784)的样本数据数组,batch[1]是(100,10)的样本标签数组 sess.run(train_step, feed_dict={xs: batch_xs, ys: batch_ys, keep_prob: keep_prob_rate}) if (i+1) % 50 == 0: print("step %d, test accuracy %g" % ((i+1), compute_accuracy( mnist.test_images, mnist.test_labels))) end = time.time() print('******************************************************') print("运行时间:%.2f秒" % (end - start)) 出现AttributeError: 'numpy.ndarray' object has no attribute 'next_batch'
时间: 2023-08-09 21:11:57 浏览: 136
根据你的代码,你尝试在 `train_img` 上调用 `next_batch` 属性,但是出现了 `AttributeError: 'numpy.ndarray' object has no attribute 'next_batch'` 的错误。
这个错误是因为 `train_img` 是一个 NumPy 数组对象,而 NumPy 数组没有名为 `next_batch` 的属性。根据你的代码逻辑,你可能想要使用 TensorFlow 中的数据集对象(例如 `tf.data.Dataset`)来获取批次数据。
你可以使用 `tf.data.Dataset.from_tensor_slices` 方法来创建一个数据集对象,并使用 `batch` 方法来获取批次数据。以下是一个示例:
```python
import tensorflow as tf
mnist = tf.keras.datasets.mnist.load_data()
train_img = mnist[0][0] # 表示训练集 构成的矩阵 表示的 图片
train_label = mnist[0][1] # 表示训练集 的图片 表示的 数字是多少
# 创建数据集对象
dataset = tf.data.Dataset.from_tensor_slices((train_img, train_label))
# 对数据集进行乱序处理和批次化处理
dataset = dataset.shuffle(buffer_size=10000).batch(100)
# 创建迭代器
iterator = dataset.make_initializable_iterator()
next_batch = iterator.get_next()
with tf.Session() as sess:
init = tf.global_variables_initializer()
sess.run(init)
sess.run(iterator.initializer) # 初始化迭代器
start = time.time()
for i in range(max_epoch):
batch_xs, batch_ys = sess.run(next_batch)
sess.run(train_step, feed_dict={xs: batch_xs, ys: batch_ys, keep_prob: keep_prob_rate})
if (i+1) % 50 == 0:
print("step %d, test accuracy %g" % ((i+1), compute_accuracy(
mnist.test_images, mnist.test_labels)))
end = time.time()
print('******************************************************')
print("运行时间:%.2f秒" % (end - start))
```
这样,你就可以正确地获取批次数据并进行训练了。请确保你已经正确地定义了 `xs`、`ys`、`train_step`、`compute_accuracy` 等变量。如果还有其他问题,请提供更多的上下文或完整的代码,以便我能够更好地帮助你。
阅读全文