Tensorflow 入门 的自整理的MNIST简单网络和复杂网络练习
程序员文章站
2024-03-14 21:52:29
...
“ 当你背单词时,阿拉斯加的鳕鱼正跃出水面。当你解微分方程时,大洋彼岸的海鸥正拂过费城。当你晚自习时,极图的夜空散满了五彩斑斓。当你为自己的未来踏踏实实努力时,那些你从未见过的风景,那些你以为不会遇到的人,你要的一切,正一步步向你走来。”
刚入门时
踩的好多坑
进行修改注释整理
上传上来,当做复习回顾~
1.MNIST简单网络训练加测试
#!/usr/bin/env python
# -*- coding: utf-8 -*-
#filename:mnist_main.py
#time:11:08:40
#author:xxx
import tensorflow as tf
import cv2
import numpy as np
import math
from scipy import ndimage
def getBestShift(img):
cy,cx = ndimage.measurements.center_of_mass(img)
rows,cols = img.shape
shiftx = np.round(cols/2.0-cx).astype(int)
shifty = np.round(rows/2.0-cy).astype(int)
return shiftx,shifty
def shift(img,sx,sy):
rows,cols = img.shape
M = np.float32([[1,0,sx],[0,1,sy]])
shifted = cv2.warpAffine(img,M,(cols,rows))
return shifted
#加载测试数据的读写工具包,加载测试手写数据,目录MNIST_data是用来存放下载网络上的训练和测试数据的。
import tensorflow.examples.tutorials.mnist.input_data as input_data
# 下载MNIST数据集到'MNIST_data'文件夹并解压
mnist = input_data.read_data_sets('MNIST_data', one_hot=True)
# 设置权重weights和偏置biases作为优化变量,初始值设为0
weights = tf.Variable(tf.zeros([784, 10]))
biases = tf.Variable(tf.zeros([10]))
# 构建模型
x = tf.placeholder("float", [None, 784])
y = tf.nn.softmax(tf.matmul(x, weights) + biases) # 模型的预测值
y_real = tf.placeholder("float", [None, 10]) # 真实值
#实际值y_real与预测值y的自然对数求乘积,在对应的维度上上求和,该值作为梯度下降法的输入
cross_entropy = -tf.reduce_sum(y_real * tf.log(y)) # 预测值与真实值的交叉熵
train_step = tf.train.GradientDescentOptimizer(0.01).minimize(cross_entropy) # 使用梯度下降优化器最小化交叉熵
# 开始训练
init = tf.initialize_all_variables()
#saver = tf.train.Saver()
sess = tf.Session()
sess.run(init)
for i in range(1000):
batch_xs, batch_ys = mnist.train.next_batch(100) # 每次随机选取100个数据进行训练,即所谓的“随机梯度下降(Stochastic Gradient Descent,SGD)”
sess.run(train_step, feed_dict={x: batch_xs, y_real:batch_ys}) # 正式执行train_step,用feed_dict的数据取代placeholder
if i % 100 == 0:
# 每训练100次后评估模型
correct_prediction = tf.equal(tf.argmax(y, 1), tf.arg_max(y_real, 1)) # 比较预测值和真实值是否一致
accuracy = tf.reduce_mean(tf.cast(correct_prediction, "float")) # 统计预测正确的个数,取均值得到准确率
#saver.save(sess, '/home/calmcar/Desktop/dl/2/model.ckpt') #保存模型参数
print sess.run(accuracy, feed_dict={x: mnist.test.images, y_real: mnist.test.labels})
# test
# create an an array where we can store our pictures
images = np.zeros((1,784))
# read the image
gray = cv2.imread("test_data/"+"9.png", 0)
# rescale it
gray = cv2.resize(255-gray, (28, 28))
# better black and white version
(thresh, gray) = cv2.threshold(gray, 128, 255, cv2.THRESH_BINARY | cv2.THRESH_OTSU)
while np.sum(gray[0]) == 0:
gray = gray[1:]
while np.sum(gray[:,0]) == 0:
gray = np.delete(gray,0,1)
while np.sum(gray[-1]) == 0:
gray = gray[:-1]
while np.sum(gray[:,-1]) == 0:
gray = np.delete(gray,-1,1)
rows,cols = gray.shape
if rows > cols:
factor = 20.0/rows
rows = 20
cols = int(round(cols*factor))
# first cols than rows
gray = cv2.resize(gray, (cols,rows))
else:
factor = 20.0/cols
cols = 20
rows = int(round(rows*factor))
# first cols than rows
gray = cv2.resize(gray, (cols, rows))
colsPadding = (int(math.ceil((28-cols)/2.0)),int(math.floor((28-cols)/2.0)))
rowsPadding = (int(math.ceil((28-rows)/2.0)),int(math.floor((28-rows)/2.0)))
gray = np.lib.pad(gray,(rowsPadding,colsPadding),'constant')
shiftx,shifty = getBestShift(gray)
shifted = shift(gray,shiftx,shifty)
gray = shifted
# save the processed images
cv2.imwrite("test_data/9_"+".png", gray)
"""
all images in the training set have an range from 0-1
and not from 0-255 so we divide our flatten images
(a one dimensional vector with our 784 pixels)
to use the same 0-1 based range
"""
flatten = gray.flatten() / 255.0
"""
we need to store the flatten image and generate
the correct_vals array
correct_val for the first digit (9) would be
[0,0,0,0,0,0,0,0,0,1]
"""
images[0] = flatten
"""
the prediction will be an array with four values,
which show the predicted number
"""
prediction = tf.argmax(y,1)
print('recognize result:')
print(sess.run(prediction, feed_dict={x: images}))
2.MNIST复杂卷积网络训练加测试
#!/usr/bin/env python
# -*- coding: utf-8 -*-
#filename:mnist_deep_main.py
#time:21:12:06
#author:xxx
#:MNIST 数据集是包含了 60000 个训练集和 10000 个测试集.
# 所有图像都在一个20*20 的包围盒, 并且在28*28 的图像的正中位置.这是关于预处理的重要信息.
import tensorflow as tf
import cv2
import numpy as np
import math
from scipy import ndimage
def getBestShift(img):
cy,cx = ndimage.measurements.center_of_mass(img)
rows,cols = img.shape
shiftx = np.round(cols/2.0-cx).astype(int)
shifty = np.round(rows/2.0-cy).astype(int)
return shiftx,shifty
def shift(img,sx,sy):
rows,cols = img.shape
M = np.float32([[1,0,sx],[0,1,sy]])
shifted = cv2.warpAffine(img,M,(cols,rows))
return shifted
def loadimage():
#输入图片预处理
gray = cv2.imread("test_data/"+"9.png", 0)
#调整图像大小并反转图像(黑色背景)
gray = cv2.resize(255-gray, (28, 28))
#二值化得到黑白图像
(thresh, gray) = cv2.threshold(gray, 128, 255, cv2.THRESH_BINARY | cv2.THRESH_OTSU)
#注意:Mnist要求数字应该在图像中心
#首先, 我们想把图像缩放到 20×20的包围盒中. 因此我们应当把黑色边界去掉.
while np.sum(gray[0]) == 0:
gray = gray[1:]
while np.sum(gray[:,0]) == 0:
gray = np.delete(gray,0,1)
while np.sum(gray[-1]) == 0:
gray = gray[:-1]
while np.sum(gray[:,-1]) == 0:
gray = np.delete(gray,-1,1)
rows,cols = gray.shape
#然后是缩放到 20*20
if rows > cols:
factor = 20.0/rows
rows = 20
cols = int(round(cols*factor))
# first cols than rows
gray = cv2.resize(gray, (cols,rows))
else:
factor = 20.0/cols
cols = 20
rows = int(round(rows*factor))
# first cols than rows
gray = cv2.resize(gray, (cols, rows))
#但是最终我们需要 28*28的图像, 所以应当做加边处理
colsPadding = (int(math.ceil((28-cols)/2.0)),int(math.floor((28-cols)/2.0)))
rowsPadding = (int(math.ceil((28-rows)/2.0)),int(math.floor((28-rows)/2.0)))
gray = np.lib.pad(gray,(rowsPadding,colsPadding),'constant')
#下一步是数字平移到图像中心.我们需要两个函数:
#第一个是获取图像的质心.def getBestShift(img)
#第二个函数是在给定的方向平移图像. 我们的平移矩阵如下 def shift(img,sx,sy)
shiftx,shifty = getBestShift(gray)
shifted = shift(gray,shiftx,shifty)
gray = shifted
# 保存图像
cv2.imwrite("test_data/99_"+".png", gray)
#最后按行平铺二值图像,成为一行向量
flatten = gray.flatten() / 255.0
return flatten
#加载测试数据的读写工具包,加载测试手写数据,目录MNIST_data是用来存放下载网络上的训练和测试数据的。
import tensorflow.examples.tutorials.mnist.input_data as input_data
# 下载MNIST数据集到'MNIST_data'文件夹并解压
mnist = input_data.read_data_sets('MNIST_data', one_hot=True)
#创建一个交互式的Session。
sess = tf.InteractiveSession()
#创建两个占位符,数据类型是float。x占位符的形状是[None,784],即用来存放图像数据的变量,图像有多少张
#是不关注的。但是图像的数据维度有784围。怎么来的,因为MNIST处理的图片都是28*28的大小,将一个二维图像
#展平后,放入一个长度为784的数组中。
#y_占位符的形状类似x,只是维度只有10,因为输出结果是0-9的数字,所以只有10种结构。
x = tf.placeholder("float", shape=[None, 784])
y_ = tf.placeholder("float", shape=[None, 10])
#通过函数的形式定义权重变量。变量的初始值,来自于截取正态分布中的数据。
def weight_variable(shape):
initial = tf.truncated_normal(shape, stddev=0.1)
return tf.Variable(initial)
#通过函数的形式定义偏置量变量,偏置的初始值都是0.1,形状由shape定义。
def bias_variable(shape):
initial = tf.constant(0.1, shape=shape)
return tf.Variable(initial)
#定义卷积函数,其中x是输入,W是权重,也可以理解成卷积核,strides表示步长,或者说是滑动速率,包含长宽方向
#的步长。padding表示补齐数据。 目前有两种补齐方式,一种是SAME,表示补齐操作后(在原始图像周围补充0),实
#际卷积中,参与计算的原始图像数据都会参与。一种是VALID,补齐操作后,进行卷积过程中,原始图片中右边或者底部
#的像素数据可能出现丢弃的情况。
def conv2d(x, W):
return tf.nn.conv2d(x, W, strides=[1, 1, 1, 1], padding='SAME')
#这步定义函数进行池化操作,在卷积运算中,是一种数据下采样的操作,降低数据量,聚类数据的有效手段。常见的
#池化操作包含最大值池化和均值池化。这里的2*2池化,就是每4个值中取一个,池化操作的数据区域边缘不重叠。
#函数原型:def max_pool(value, ksize, strides, padding, data_format="NHWC", name=None)。对ksize和strides
#定义的理解要基于data_format进行。默认NHWC,表示4维数据,[batch,height,width,channels]. 下面函数中的ksize,
#strides中,每次处理都是一张图片,对应的处理数据是一个通道(例如,只是黑白图片)。长宽都是2,表明是2*2的
#池化区域,也反应出下采样的速度。
def max_pool_2x2(x):
return tf.nn.max_pool(x, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding='SAME')
#定义第一层卷积核。shape在这里,对应卷积核filter。
#其中filter的结构为:[filter_height, filter_width, in_channels, out_channels]。这里,卷积核的高和宽都是5,
#输入通道1,输出通道数为32,也就是说,有32个卷积核参与卷积。
W_conv1 = weight_variable([5, 5, 1, 32])
#偏置量定义,偏置的维度是32.
b_conv1 = bias_variable([32])
#将输入tensor进行形状调整,调整成为一个28*28的图片,因为输入的时候x是一个[None,784],有与reshape的输入项shape
#是[-1,28,28,1],后续三个维度数据28,28,1相乘后得到784,所以,-1值在reshape函数中的特殊含义就可以映射程None。即
#输入图片的数量batch。
x_image = tf.reshape(x, [-1,28,28,1])
#将2维卷积的值加上一个偏置后的tensor,进行relu操作,一种**函数,关于**函数,有很多内容需要研究,在此不表。
h_conv1 = tf.nn.relu(conv2d(x_image, W_conv1) + b_conv1)
#对**函数返回结果进行下采样池化操作。
h_pool1 = max_pool_2x2(h_conv1)
#第二层卷积,卷积核大小5*5,输入通道有32个,输出通道有64个,从输出通道数看,第二层的卷积单元有64个。
W_conv2 = weight_variable([5, 5, 32, 64])
b_conv2 = bias_variable([64])
#类似第一层卷积操作的**和池化
h_conv2 = tf.nn.relu(conv2d(h_pool1, W_conv2) + b_conv2)
h_pool2 = max_pool_2x2(h_conv2)
#图片尺寸减小到7x7,加入一个有1024个神经元的全连接层,用于处理整个图片。把池化层输出的张量reshape成一些
#向量,乘上权重矩阵,加上偏置,然后对其使用ReLU**操作。
W_fc1 = weight_variable([7 * 7 * 64, 1024])
b_fc1 = bias_variable([1024])
#将第二层池化后的数据进行变形
h_pool2_flat = tf.reshape(h_pool2, [-1, 7*7*64])
#进行矩阵乘,加偏置后进行relu**
h_fc1 = tf.nn.relu(tf.matmul(h_pool2_flat, W_fc1) + b_fc1)
keep_prob = tf.placeholder("float")
#对第二层卷积经过relu后的结果,基于tensor值keep_prob进行保留或者丢弃相关维度上的数据。这个是为了防止过拟合,快速收敛。
h_fc1_drop = tf.nn.dropout(h_fc1, keep_prob)
W_fc2 = weight_variable([1024, 10])
b_fc2 = bias_variable([10])
#最后,添加一个softmax层,就像前面的单层softmax regression一样。softmax是一个多选择分类函数,其作用和sigmoid这个2值
#分类作用地位一样,在我们这个例子里面,softmax输出是10个。
y_conv=tf.nn.softmax(tf.matmul(h_fc1_drop, W_fc2) + b_fc2)
#实际值y_与预测值y_conv的自然对数求乘积,在对应的维度上上求和,该值作为梯度下降法的输入
cross_entropy = -tf.reduce_sum(y_*tf.log(y_conv))
#下面基于步长1e-4来求梯度,梯度下降方法为AdamOptimizer。
train_step = tf.train.AdamOptimizer(1e-4).minimize(cross_entropy)
#首先分别在训练值y_conv以及实际标签值y_的第一个轴向取最大值,比较是否相等
correct_prediction = tf.equal(tf.argmax(y_conv,1), tf.argmax(y_,1))
#对correct_prediction值进行浮点化转换,然后求均值,得到精度。
accuracy = tf.reduce_mean(tf.cast(correct_prediction, "float"))
saver = tf.train.Saver() # defaults to saving all variables
#先通过tf执行全局变量的初始化,然后启用session运行图。
sess.run(tf.global_variables_initializer())
#选择训练还是测试
processed = False
if processed:
print("TRAIN!!!")
for i in range(20000):
#从mnist的train数据集中取出50批数据,返回的batch其实是一个列表,元素0表示图像数据,元素1表示标签值
batch = mnist.train.next_batch(50)
if i%100 == 0:
#计算精度,通过所取的batch中的图像数据以及标签值还有dropout参数,带入到accuracy定义时所涉及到的相关变量中,进行
#session的运算,得到一个输出,也就是通过已知的训练图片数据和标签值进行似然估计,然后基于梯度下降,进行权值训练。
train_accuracy = accuracy.eval(feed_dict={x:batch[0], y_: batch[1], keep_prob: 1.0})
print "step %d, training accuracy %g"%(i, train_accuracy)
#此步主要是用来训练W和bias用的。基于似然估计函数进行梯度下降,收敛后,就等于W和bias都训练好了。
train_step.run(feed_dict={x: batch[0], y_: batch[1], keep_prob: 0.5})
saver.save(sess, './model_parameter/model.ckpt') #保存模型参数,注意把这里改为自己的路径
#对测试图片和测试标签值以及给定的keep_prob进行feed操作,进行计算求出识别率。就相当于前面训练好的W和bias作为已知参数。
print "test accuracy %g"%accuracy.eval(feed_dict={x: mnist.test.images, y_: mnist.test.labels, keep_prob: 1.0})
else:
print("PREDICTING!!!")
# 创建一个可以存储图片的数组
images = np.zeros((1,784))
# 读取图片并对图片进行预处理
images[0] =loadimage()
#上载已保存模型参数
ckpt = tf.train.get_checkpoint_state('/home/calmcar/Desktop/dl/2/model_parameter/')
if ckpt and ckpt.model_checkpoint_path:
saver.restore(sess, ckpt.model_checkpoint_path)
else:
print('No checkpoint found!')
exit(1)
#进行预测
prediction = tf.argmax(y_conv,1)
print('recognize result:')
print(prediction.eval(feed_dict={x:images, keep_prob: 1.0},session=sess))
最后,以上程序可以直接对自己用白纸手写的数字进行测试(如下图),已包含对图像的预处理。
好嘞~
各位加油!
2018年8月2日12:09:29
上一篇: Mac----CentOS安装jdk
下一篇: Keras loss调试记录