`
rensanning
  • 浏览: 3547272 次
  • 性别: Icon_minigender_1
  • 来自: 大连
博客专栏
Efef1dba-f7dd-3931-8a61-8e1c76c3e39f
使用Titanium Mo...
浏览量:38123
Bbab2146-6e1d-3c50-acd6-c8bae29e307d
Cordova 3.x入门...
浏览量:607206
C08766e7-8a33-3f9b-9155-654af05c3484
常用Java开源Libra...
浏览量:682188
77063fb3-0ee7-3bfa-9c72-2a0234ebf83e
搭建 CentOS 6 服...
浏览量:89278
E40e5e76-1f3b-398e-b6a6-dc9cfbb38156
Spring Boot 入...
浏览量:401737
Abe39461-b089-344f-99fa-cdfbddea0e18
基于Spring Secu...
浏览量:69667
66a41a70-fdf0-3dc9-aa31-19b7e8b24672
MQTT入门
浏览量:91670
社区版块
存档分类
最新评论

TensorFlow 之 手写数字识别MNIST

 
阅读更多
官方文档:
MNIST For ML Beginners - https://www.tensorflow.org/get_started/mnist/beginners
Deep MNIST for Experts - https://www.tensorflow.org/get_started/mnist/pros

版本:
TensorFlow 1.2.0 + Flask 0.12 + Gunicorn 19.6

相关文章:
TensorFlow 之 入门体验
TensorFlow 之 手写数字识别MNIST
TensorFlow 之 物体检测
TensorFlow 之 构建人物识别系统

MNIST相当于机器学习界的Hello World。

这里在页面通过 Canvas 画一个数字,然后传给TensorFlow识别,分别给出Softmax回归模型、多层卷积网络的识别结果。

(1)文件结构

│  main.py
│  requirements.txt
│  runtime.txt
├─mnist
│  │  convolutional.py
│  │  model.py
│  │  regression.py
│  │  __init__.py
│  └─data
│          convolutional.ckpt.data-00000-of-00001
│          convolutional.ckpt.index
│          regression.ckpt.data-00000-of-00001
│          regression.ckpt.index
├─src
│  └─js
│          main.js
├─static
│  ├─css
│  │      bootstrap.min.css
│  └─js
│          jquery.min.js
│          main.js
└─templates
        index.html

(2)训练数据

下载以下文件放入/tmp/data/,不用解压,训练代码会自动解压。
引用
http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz
http://yann.lecun.com/exdb/mnist/train-labels-idx1-ubyte.gz
http://yann.lecun.com/exdb/mnist/t10k-images-idx3-ubyte.gz
http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz


执行命令训练数据(Softmax回归模型、多层卷积网络)
# python regression.py
# python convolutional.py


执行完成后 在 mnist/data/ 里会生成以下几个文件,重新训练前需要把这几个文件先删掉。
引用
convolutional.ckpt.data-00000-of-00001
convolutional.ckpt.index
regression.ckpt.data-00000-of-00001
regression.ckpt.index


(3)启动Web服务测试

# cd /usr/local/tensorflow2/tensorflow-models/tf-mnist
# pip install -r requirements.txt
# gunicorn main:app --log-file=- --bind=localhost:8000


浏览器中访问:http://localhost:8000

*** 运行的TensorFlow版本、数据训练的模型、还有这里Canvas的转换都对识别率有一定的影响~!

(4)源代码

Web部分比较简单,页面上放置一个Canvas,鼠标抬起时将Canvas的图像通过Ajax传给后台API,然后显示API结果。
引用
src/js/main.js -> static/js/main.js
templates/index.html


main.py
import numpy as np
import tensorflow as tf
from flask import Flask, jsonify, render_template, request

from mnist import model

x = tf.placeholder("float", [None, 784])
sess = tf.Session()

# restore trained data
with tf.variable_scope("regression"):
    y1, variables = model.regression(x)
saver = tf.train.Saver(variables)
saver.restore(sess, "mnist/data/regression.ckpt")

with tf.variable_scope("convolutional"):
    keep_prob = tf.placeholder("float")
    y2, variables = model.convolutional(x, keep_prob)
saver = tf.train.Saver(variables)
saver.restore(sess, "mnist/data/convolutional.ckpt")

def regression(input):
    return sess.run(y1, feed_dict={x: input}).flatten().tolist()

def convolutional(input):
    return sess.run(y2, feed_dict={x: input, keep_prob: 1.0}).flatten().tolist()

# webapp
app = Flask(__name__)

@app.route('/api/mnist', methods=['POST'])
def mnist():
    input = ((255 - np.array(request.json, dtype=np.uint8)) / 255.0).reshape(1, 784)
    output1 = regression(input)
    output2 = convolutional(input)
    print(output1)
    print(output2)
    return jsonify(results=[output1, output2])

@app.route('/')
def main():
    return render_template('index.html')

if __name__ == '__main__':
    app.run()


mnist/model.py
import tensorflow as tf


# Softmax Regression Model
def regression(x):
    W = tf.Variable(tf.zeros([784, 10]), name="W")
    b = tf.Variable(tf.zeros([10]), name="b")
    y = tf.nn.softmax(tf.matmul(x, W) + b)
    return y, [W, b]


# Multilayer Convolutional Network
def convolutional(x, keep_prob):
    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')

    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)

    # First Convolutional Layer
    x_image = tf.reshape(x, [-1, 28, 28, 1])
    W_conv1 = weight_variable([5, 5, 1, 32])
    b_conv1 = bias_variable([32])
    h_conv1 = tf.nn.relu(conv2d(x_image, W_conv1) + b_conv1)
    h_pool1 = max_pool_2x2(h_conv1)
    # Second Convolutional Layer
    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)
    # Densely Connected Layer
    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)
    # Dropout
    h_fc1_drop = tf.nn.dropout(h_fc1, keep_prob)
    # Readout Layer
    W_fc2 = weight_variable([1024, 10])
    b_fc2 = bias_variable([10])
    y = tf.nn.softmax(tf.matmul(h_fc1_drop, W_fc2) + b_fc2)
    return y, [W_conv1, b_conv1, W_conv2, b_conv2, W_fc1, b_fc1, W_fc2, b_fc2]


mnist/convolutional.py
import os
import model
import tensorflow as tf

from tensorflow.examples.tutorials.mnist import input_data
data = input_data.read_data_sets("/tmp/data/", one_hot=True)

# model
with tf.variable_scope("convolutional"):
    x = tf.placeholder(tf.float32, [None, 784])
    keep_prob = tf.placeholder(tf.float32)
    y, variables = model.convolutional(x, keep_prob)

# train
y_ = tf.placeholder(tf.float32, [None, 10])
cross_entropy = -tf.reduce_sum(y_ * tf.log(y))
train_step = tf.train.AdamOptimizer(1e-4).minimize(cross_entropy)
correct_prediction = tf.equal(tf.argmax(y, 1), tf.argmax(y_, 1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))

saver = tf.train.Saver(variables)
with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())
    for i in range(20000):
        batch = data.train.next_batch(50)
        if i % 100 == 0:
            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))
        sess.run(train_step, feed_dict={x: batch[0], y_: batch[1], keep_prob: 0.5})

    print(sess.run(accuracy, feed_dict={x: data.test.images, y_: data.test.labels, keep_prob: 1.0}))

    path = saver.save(
        sess, os.path.join(os.path.dirname(__file__), 'data', 'convolutional.ckpt'),
        write_meta_graph=False, write_state=False)
    print("Saved:", path)


mnist/regression.py
import os
import model
import tensorflow as tf

from tensorflow.examples.tutorials.mnist import input_data
data = input_data.read_data_sets("/tmp/data/", one_hot=True)

# model
with tf.variable_scope("regression"):
    x = tf.placeholder(tf.float32, [None, 784])
    y, variables = model.regression(x)

# train
y_ = tf.placeholder("float", [None, 10])
cross_entropy = -tf.reduce_sum(y_ * tf.log(y))
train_step = tf.train.GradientDescentOptimizer(0.01).minimize(cross_entropy)
correct_prediction = tf.equal(tf.argmax(y, 1), tf.argmax(y_, 1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))

saver = tf.train.Saver(variables)
with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())
    for _ in range(1000):
        batch_xs, batch_ys = data.train.next_batch(100)
        sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys})

    print(sess.run(accuracy, feed_dict={x: data.test.images, y_: data.test.labels}))

    path = saver.save(
        sess, os.path.join(os.path.dirname(__file__), 'data', 'regression.ckpt'),
        write_meta_graph=False, write_state=False)
    print("Saved:", path)


参考:
http://memo.sugyan.com/entry/20151124/1448292129
  • 大小: 173.6 KB
1
1
分享到:
评论

相关推荐

    tensorflow中keras支持的mnist数据集

    接下来,我们可以构建一个简单的神经网络模型来识别MNIST数据集。以下是一个使用Keras的Sequential模型的例子: ```python from keras.models import Sequential from keras.layers import Dense, Flatten # 创建...

    Python利用逻辑回归模型解决MNIST手写数字识别问题详解

    1、MNIST手写识别问题 MNIST手写数字识别问题:输入黑白的手写阿拉伯数字,通过机器学习判断输入的是几。可以通过TensorFLow下载MNIST手写数据集,通过import引入MNIST数据集并进行读取,会自动从网上下载所需文件。...

    tensorflow2.0实现mnist手写数字识别代码

    基于python3.7版本的tensorflow2.0实现mnist手写数字识别代码

    基于tensorflow的手写数字识别程序代码.txt

    基于tensorflow的手写数字识别程序代码。从获取mnist数据库开始到最后的运行精度显示。这个是基于mnist的数据库进行训练和识别的

    TensorFlow2版本的mnist手写数字识别

    由于pip安装的TensorFlow缺少一部分代码,以及TensorFlow2版本相对于TensorFlow1在语句上有变化。因此大部分网上代码不适用(主要问题在于读取mnist数据包和一些函数形式有问题)。这个代码可以运行。内含离线mnist...

    【人工智能】tensorflow手写数字识别项目(含项目资料和源码)附B站视频讲解

    【人工智能】TensorFlow手写数字识别项目是一个典型的深度学习应用,它主要利用TensorFlow这一强大的开源库进行构建。TensorFlow是Google开发的一款用于数值计算的软件库,特别适合于机器学习和深度学习任务。这个...

    tensorflow分类应用(MNIST手写数字识别)

    tensorflow分类应用(MNIST手写数字识别)的jupyter笔记

    基于tensorflow的手写数字mnist识别,创建有flask服务

    标题中的“基于tensorflow的手写数字mnist识别,创建有flask服务”指的是使用TensorFlow库构建了一个能够识别手写数字的模型,该模型基于MNIST数据集进行训练,并且已经集成到一个使用Flask框架搭建的Web服务中。...

    KNN手写数字识别MNIST库

    **KNN手写数字识别MNIST库** KNN(K-Nearest Neighbors)是一种简单而有效的分类算法,常用于模式识别和机器学习领域。在本项目中,KNN被应用来识别手写数字,具体是使用了著名的MNIST数据集。MNIST是Machine ...

    使用TensorFlow识别手写数字示例

    在本文中,我们将深入探讨如何使用TensorFlow这一强大的开源库来实现手写数字的识别。TensorFlow是由Google Brain团队开发的,广泛应用于机器学习和深度学习领域,特别适合构建和训练复杂的神经网络模型。 首先,...

    基于TensorFlow的手写数字识别程序

    MNIST数据集常被用于手写数字识别的训练,它包含了60000个训练样本和10000个测试样本。每个样本都是28x28像素的灰度图像,代表了一个0-9的手写数字。 接下来,我们需要预处理这些图像,通常包括归一化(将像素值...

    tensorflow入门教程之mnist识别手写数字.rar

    本教程中提供的代码将引导你完成使用TensorFlow创建和训练一个简单的CNN模型,以识别MNIST数据集中的手写数字。通过运行此代码,你不仅可以理解基本的TensorFlow操作,还能掌握深度学习模型在实际问题上的应用。如果...

    tensorflow手写数字识别python源码案例

    tensorflow手写数字识别python源码官网案例,带详细注释,适合刚初学tensorflow的mnist数据集训练识别, 相关链接: 手写数字识别 ----在已经训练好的数据上根据28*28的图片获取识别概率(基于Tensorflow,Python) ...

    mnist数据集手写数字识别.py_mnist手写数字识别_

    《MNIST手写数字识别——基于CNN的深度学习方法》 MNIST手写数字识别是机器学习领域的一个经典任务,其数据集包含了60000个训练样本和10000个测试样本,每个样本都是28x28像素的灰度图像,代表0到9的手写数字。这个...

    基于Tensorflow和OpenCV. 使用MNIST数据集训练卷积神经网络模型,用于手写数字识别_

    基于Tensorflow和OpenCV. 使用MNIST数据集训练卷积神经网络模型,用于手写数字识别_Handwritten-Numeral-Recognition_CNN

    基于LeNet5的手写数字识别系统源码.zip

    基于LeNet5的手写数字识别系统源码基于LeNet5的手写数字识别系统源码。使用说明 train.py 训练 test.py 测试 Mnist 手写数字数据集 readMnist.py 里配置 Mnist 路径( fpath ) test.py 配置训练的模型 包含了 lenet...

    tensorflow-mnist手写数字识别

    这个项目的核心目标是训练一个模型,使它能够识别MNIST数据集中提供的手写数字图像。MNIST(Modified National Institute of Standards and Technology)是计算机视觉领域广泛使用的数据集,其中包含了60,000个训练...

    基于Flask+Tensorflow实现手写数字识别项目python源码+运行说明(mnist数据集).zip

    基于Flask+Tensorflow实现手写数字识别项目python源码+运行说明(mnist数据集).zip 【说明】 【1】项目代码完整且功能都验证ok,确保稳定可靠运行后才上传。欢迎下载使用!在使用过程中,如有问题或建议,请及时私信...

    tensorflow识别图片数字

    在这个特定的例子中,我们将探讨如何使用 TensorFlow 来识别图片中的数字,具体是基于 MNIST 数据集的训练模型,然后应用这个模型来识别自定义图片中的数字。 MNIST 数据集是一个经典的手写数字识别数据集,包含 60...

Global site tag (gtag.js) - Google Analytics