资源简介
MNIST+数据集和源代码+注释
代码片段和文件信息
# coding: utf-8
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data
# 载入数据集
mnist = input_data.read_data_sets(“MNIST_data“ one_hot=True)
# 每个批次的大小
batch_size = 100
# 计算一共有多少个批次
n_batch = mnist.train.num_examples // batch_size
# 定义两个placeholder
x = tf.placeholder(tf.float32 [None 784])
y = tf.placeholder(tf.float32 [None 10])
keep_prob = tf.placeholder(tf.float32)
lr = tf.Variable(0.001 dtype=tf.float32)
# 创建一个简单的神经网络
W1 = tf.Variable(tf.truncated_normal([784 500] stddev=0.1))
b1 = tf.Variable(tf.zeros([500]) + 0.1)
L1 = tf.nn.tanh(tf.matmul(x W1) + b1)
L1_drop = tf.nn.dropout(L1 keep_prob)
W2 = tf.Variable(tf.truncated_normal([500 300] stddev=0.1))
b2 = tf.Variable(tf.zeros([300]) + 0.1)
L2 = tf.nn.tanh(tf.matmul(L1_drop W2) + b2)
L2_drop = tf.nn.dropout(L2 keep_prob)
W3 = tf.Variable(tf.truncated_normal([300 10] stddev=0.1))
b3 = tf.Variable(tf.zeros([10]) + 0.1)
prediction = tf.nn.softmax(tf.matmul(L2_drop W3) + b3)
# 交叉熵代价函数
loss = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(labels=y logits=prediction))
# 训练
train_step = tf.train.AdamOptimizer(lr).minimize(loss)
# 初始化变量
init = tf.global_variables_initializer()
# 结果存放在一个布尔型列表中
correct_prediction = tf.equal(tf.argmax(y 1) tf.argmax(prediction 1)) # argmax返回一维张量中最大的值所在的位置
# 求准确率
accuracy = tf.reduce_mean(tf.cast(correct_prediction tf.float32))
with tf.Session() as sess:
sess.run(init)
for epoch in range(51):
sess.run(tf.assign(lr 0.001 * (0.95 ** epoch)))
for batch in range(n_batch):
batch_xs batch_ys = mnist.train.next_batch(batch_size)
sess.run(train_step feed_dict={x: batch_xs y: batch_ys keep_prob: 1.0})
learning_rate = sess.run(lr)
acc = sess.run(accuracy feed_dict={x: mnist.test.images y: mnist.test.labels keep_prob: 1.0})
print(“Iter “ + str(epoch) + “ Testing Accuracy= “ + str(acc) + “ Learning Rate= “ + str(learning_rate))
属性 大小 日期 时间 名称
----------- --------- ---------- ----- ----
目录 0 2018-04-27 13:21 MNIST_data\MNIST_data\
文件 1648877 2018-04-22 21:45 MNIST_data\MNIST_data\t10k-images-idx3-ubyte.gz
文件 4542 2018-04-22 21:45 MNIST_data\MNIST_data\t10k-labels-idx1-ubyte.gz
文件 9912422 2018-04-22 21:45 MNIST_data\MNIST_data\train-images-idx3-ubyte.gz
文件 28881 2018-04-22 21:45 MNIST_data\MNIST_data\train-labels-idx1-ubyte.gz
文件 2210 2018-04-24 20:44 MNIST_data\MNIST(98%精度).py
文件 1854 2018-04-24 21:00 MNIST_data\MNIS数据集手写识别.py
目录 0 2018-04-27 13:21 MNIST_data\
相关资源
- 手写体图片png格式+MNIST数据集
- mnist数据集png图片
- MNIST手写数字数据集
- mnist数据集177086
- mnist数据集162914
- fashion-mnist数据集
- 解压后的MNIST数据集
- MNIST数据集+mnist_10k_sprite.png
- MNIST数据集CSV格式
- 手写数字识别MNIST数据集及卷积神经网
- mnist数据集的PNG格式
- CNN卷积神经网络识别手写汉字MNIST数据
- Fashion-MNIST数据集—png图片格式
- mnist数据集最全
- MXNet fashion-mnist数据集
- 在mnist数据集上训练神经网络(非CN
- 两类label(01)的MNIST数据集
- 已经制作好的mnist数据集中的10张图片
- MNIST数据集对应的txt文件
- knn算法识别手写体--mnist数据集
- 详解PyTorch手写数字识别(MNIST数据集
- 读取mnist数据集并保存成图片代码
- pytorch:实现简单的GAN(MNIST数据集)
- 使用tensorflow实现VGG网络训练mnist数据
- FashionMNIST数据集
- 模仿mnist数据集制作自己的数据集
- MNIST数据集
评论
共有 条评论