利用tensorflow深度学习框架手写数字识别
程序员文章站
2024-03-08 08:14:09
...
首先解决数据问题,由于tensorflow自带手写数据集,本次直接使用,划重点来了:无论是机器学习还是
深度学习,首先最难的也是最复杂的都是数据集的筛选和清理。数据集的好坏直接影响了学习的成败。tensorflow
自带的手写数据集完全很友好,完全不用清理。切记:真实项目完全不是这样的友好数据。
这里win7电脑加一个8Gcpu就可以了,由于电脑限制,所以使用cpu加速的tensorflow:
导入框架和数据
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data
下载数据到当前路径
mnist=input_data.read_data_sets("MNIST_data/",one_hot=True)
print('输入数据:',mnist.train.images)
print('输入数据的shape:',mnist.train.images.shape)
import pylab
im=mnist.train.images[1]
im=im.reshape(-1,28)
pylab.imshow(im)
pylab.show()
结果显示:
print('输入数据的shape:',mnist.test.images.shape)
print('输入数据的shape:',mnist.validation.images.shape)
tf.reset_default_graph()
x=tf.placeholder(tf.float32,[None,784])
y=tf.placeholder(tf.float32,[None,10])
W=tf.Variable(tf.random_normal(([784,10])))
b=tf.Variable(tf.zeros([10]))
pred=tf.nn.softmax(tf.matmul(x,W)+b)
cost=tf.reduce_mean(-tf.reduce_sum(y*tf.log(pred),reduction_indices=1))
learning_rate=0.01
optimizer=tf.train.GradientDescentOptimizer(learning_rate).minimize(cost)
training_epochs=25
batch_size=100
display_step=1
saver=tf.train.Saver()
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
for epoch in range(training_epochs):
avg_cost=0.
total_batch=int(mnist.train.num_examples/batch_size)
for i in range(total_batch):
batch_xs,batch_ys=mnist.train.next_batch(batch_size)
_,c=sess.run([optimizer,cost],feed_dict={x:batch_xs,y:batch_ys})
avg_cost+=c/total_batch
if(epoch+1)%display_step==0:
print("Epoch:",'%04d'%(epoch+1),"cost:","{:.9f}".format(avg_cost))
print(sess.run(W))
print("=====================")
print(sess.run(b))
print("学习结束!!!!")
#saver.save(sess,model_path+"model.cpkt")
saver.save(sess,"C:/Users/Administrator/log/model.cpkt")
#print("模型保存的路径:%s" %save_path)
correct_prediction=tf.equal(tf.argmax(pred,1),tf.argmax(y,1))
accuracy=tf.reduce_mean(tf.cast(correct_prediction,tf.float32))
print("Accuracy:",accuracy.eval({x:mnist.test.images,y:mnist.test.labels}))
print("用我的模型来预测!!!!!")
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
saver.restore(sess,"C:/Users/Administrator/log/model.cpkt")
correct_prediction=tf.equal(tf.argmax(pred,1),tf.argmax(y,1))
accuracy=tf.reduce_mean(tf.cast(correct_prediction,tf.float32))
print("Accuracy:",accuracy.eval({x:mnist.test.images,y:mnist.test.labels}))
output=tf.argmax(pred,1)
batch_xs,batch_ys=mnist.train.next_batch(2)
outputval,predv=sess.run([output,pred],feed_dict={x:batch_xs})
print(outputval,predv,batch_ys)
im=batch_xs[0]
im=im.reshape(-1,28)
pylab.imshow(im)
pylab.show()
im=batch_xs[1]
im=im.reshape(-1,28)
pylab.imshow(im)
pylab.show()
以上也就是单层神经元对于多分类的预测,准确率在0.82左右,虽然看起来过得去,但是细想数据集如此友好,结果却一般,和普通的分类算法近乎无二。所以单层神经网络的
意义并不大。本书主要学习了李金洪先生的tensorflow书籍,对其代码进行了补充和修改,主要bug在于模型保存时,书中的路径是相对路径,运行过很多次都是报错,
后来调整了saver的定义位置,并且将路径写成绝对路径,代码得以运行,有兴趣的骚年可以改变学习率和迭代次数,
修改学习率为0.05时准确率提高到0.88
上一篇: php获取linux命令结果的实例
下一篇: C语言入门
推荐阅读
-
利用tensorflow深度学习框架手写数字识别
-
深度学习tensorflow之softmax(二)手写数字识别底层实现
-
Python(TensorFlow框架)实现手写数字识别系统的方法
-
手写数字识别(使用tensorflow2.2.0框架)
-
手写数字识别(使用tensorflow2.2.0框架)
-
Python(TensorFlow框架)实现手写数字识别系统的方法
-
[tensorflow2.0]学习笔记 mnist手写体数字识别
-
利用tensorflow实现MNIST手写数字识别(单层神经网络)
-
Tensorflow学习:循环(递归/记忆)神经网络RNN(手写数字识别:MNIST数据集分类)
-
使用tensorflow利用神经网络分类识别MNIST手写数字数据集,转自随心1993