• 大小: 51.9MB
    文件类型: .zip
    金币: 1
    下载: 0 次
    发布日期: 2022-05-22
  • 语言: 其他
  • 标签: cnn  mnist  tensorflow  

资源简介

基于tensorflow的卷积神经网络数字手写体识别,包括手写体数据集、模型训练和测试代码、训练好的模型,可以直接识别自己制作预处理后的手写体数字。

资源截图

代码片段和文件信息

from PIL import Image ImageFilter 
import tensorflow as tf 
import matplotlib.pyplot as plt 
import cv2 
def imageprepare(): 
    “““
    This function returns the pixel values.
    The imput is a png file location.
    “““ 
    file_name=‘/home/dm/图片/3.png‘#导入自己的图片地址
    im = Image.open(file_name).convert(‘L‘) 
    im.save(“/home/dm/图片/s.jpg“) 
    plt.imshow(im) 
    plt.show() 
    tv = list(im.getdata()) 
    tva = [(255-x)*1.0/255.0 for x in tv]
    return tva 

result=imageprepare() 
x = tf.placeholder(tf.float32 [None 784]) 
W = tf.Variable(tf.zeros([784 10])) 
b = tf.Variable(tf.zeros([10])) 
def weight_variable(shape): 
initial = tf.truncated_normal(shape stddev=0.1) 
return tf.Variable(initial) 
def bias_variable(shape): 
initial = tf.constant(0.1 shape=shape) 
return tf.Variable(initial) 
def conv2d(x W): 
return tf.nn.conv2d(x W strides=[1 1 1 1] padding=‘SAME‘) 
def max_pool_2x2(x): 
return tf.nn.max_pool(x ksize=[1 2 2 1] strides=[1 2 2 1] padding=‘SAME‘)
W_conv1 = weight_variable([5 5 1 32]) 
b_conv1 = bias_variable([32]) 

x_image = tf.reshape(x [-128281]) 
h_conv1 = tf.nn.relu(conv2d(x_image W_conv1) + b_conv1) 
h_pool1 = max_pool_2x2(h_conv1) 

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) 

W_fc1 = weight_variable([7 * 7 * 64 1024]) 
b_fc1 = bias_variable([1024]) 
h_pool2_flat = tf.reshape(h_pool2 [-1 7*7*64]) 

h_fc1 = tf.nn.relu(tf.matmul(h_pool2_flat W_fc1) + b_fc1) 
keep_prob = tf.placeholder(tf.float32) 
h_fc1_drop = tf.nn.dropout(h_fc1 keep_prob) 

W_fc2 = weight_variable([1024 10]) 
b_fc2 = bias_variable([10]) 
y_conv=tf.nn.softmax(tf.matmul(h_fc1_drop W_fc2) + b_fc2) 
init_op = tf.global_variables_initializer() 
“““
Load the model2.ckpt file
file is stored in the same directory as this python script is started
Use the model to predict the integer. Integer is returend as list.

based on the documentatoin at
https://www.tensorflow.org/versions/master/how_tos/variables/index.html
“““ 
saver = tf.train.Saver()
with tf.Session() as sess: 
sess.run(init_op) 
saver.restore(sess “/home/dm/桌面/train/手写体识别/model/model.ckpt“)#这里使用了之前保存的模型参数 
print (“Model restored.“) 
prediction=tf.argmax(y_conv1) 
predint=prediction.eval(feed_dict={x: [result]keep_prob: 1.0} session=sess) 
print(‘recognize result:‘) 
print(predint[0])


 属性            大小     日期    时间   名称
----------- ---------  ---------- -----  ----
     目录           0  2019-01-11 14:10  手写体识别\
     目录           0  2019-01-11 11:32  手写体识别\mnist_digits_images\
     目录           0  2019-01-11 11:32  手写体识别\mnist_digits_images\0\
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\0.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\1.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\2.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\3.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\4.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\5.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\6.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\7.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\8.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\9.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\10.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\11.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\12.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\13.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\14.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\15.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\16.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\17.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\18.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\19.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\20.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\21.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\22.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\23.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\24.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\25.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\26.bmp
     文件        1862  2019-01-11 11:32  手写体识别\mnist_digits_images\0\27.bmp
............此处省略7993个文件信息

评论

共有 条评论