TF之LoR:基于tensorflow利用逻辑回归算LoR法实现手写数字图片识别提高准确率

简介: TF之LoR:基于tensorflow利用逻辑回归算LoR法实现手写数字图片识别提高准确率

输出结果

image.png

设计代码


#TF之LoR:基于tensorflow实现手写数字图片识别准确率

import tensorflow as tf

from tensorflow.examples.tutorials.mnist import input_data

import numpy as np  

import matplotlib.pyplot as plt

mnist = input_data.read_data_sets('MNIST_data', one_hot=True)

print(mnist)

#设置超参数

lr=0.001                      #学习率

training_iters=100       #训练次数

batch_size=100                #每轮训练数据的大小,如果一次训练5000张图片,电脑会卡死,分批次训练会更好

display_step=1

#tf Graph的输入

x=tf.placeholder(tf.float32, [None,784])

y=tf.placeholder(tf.float32, [None, 10])

#设置权重和偏置

w =tf.Variable(tf.zeros([784,10]))

b =tf.Variable(tf.zeros([10]))

#设定运行模式

pred =tf.nn.softmax(tf.matmul(x,w)+b)  #

#设置cost function为cross entropy

cost =tf.reduce_mean(-tf.reduce_sum(y*tf.log(pred),reduction_indices=1))

#GD算法

optimizer=tf.train.GradientDescentOptimizer(lr).minimize(cost)

#初始化权重

init=tf.global_variables_initializer()

#开始训练

with tf.Session() as sess:

   sess.run(init)

   avg_cost_list=[]

   for epoch in range(training_iters):  #输入所有训练数据

       avg_cost=0.

       total_batch=int(mnist.train.num_examples/batch_size)

 

       for i in range(total_batch): #遍历每个batch

……

       if (epoch+1) % display_step ==0:  #显示每次迭代日志

           print("迭代次数Epoch:","%04d" % (epoch+1),"下降值cost=","{:.9f}".format(avg_cost))

           avg_cost_list.append(avg_cost)

   print("Optimizer Finished!")

   print(avg_cost_list)

 

   #测试模型

   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[:3000],y:mnist.test.labels[:3000]}))

 

   xdata=np.linspace(0,training_iters,num=len(avg_cost_list))  

   plt.figure()  

   plt.plot(xdata,avg_cost_list,'r')

   plt.xlabel('训练轮数')

   plt.ylabel('损失函数')

   plt.title('TF之LiR:基于tensorflow实现手写数字图片识别准确率——Jason Niu')    

   plt.show()    


相关文章
|
Java TensorFlow 算法框架/工具
Android 中集成 TensorFlow Lite图片识别
Android 中集成 TensorFlow Lite图片识别
131 0
|
3月前
|
TensorFlow 算法框架/工具
Tensorflow学习笔记(二):各种tf类型的函数用法集合
这篇文章总结了TensorFlow中各种函数的用法,包括创建张量、设备管理、数据类型转换、随机数生成等基础知识。
48 0
|
8月前
|
机器学习/深度学习 PyTorch TensorFlow
【TensorFlow】TF介绍及代码实践
【4月更文挑战第1天】TF简介及代码示例学习
106 0
|
前端开发 TensorFlow 算法框架/工具
新容器 react tf tensorflow 物体识别 web版本
新容器 react tf tensorflow 物体识别 web版本
71 0
|
机器学习/深度学习 自然语言处理 TensorFlow
【深度学习】实验07 使用TensorFlow完成逻辑回归
【深度学习】实验07 使用TensorFlow完成逻辑回归
95 0
|
机器学习/深度学习 数据采集 自然语言处理
直观理解并使用Tensorflow实现Seq2Seq模型的注意机制(上)
直观理解并使用Tensorflow实现Seq2Seq模型的注意机制
286 1
直观理解并使用Tensorflow实现Seq2Seq模型的注意机制(上)
|
机器学习/深度学习 数据可视化 TensorFlow
使用TensorFlow Probability实现最大似然估计
TensorFlow Probability是一个构建在TensorFlow之上的Python库。它将我们的概率模型与现代硬件(例如GPU)上的深度学习结合起来。
159 1
|
机器学习/深度学习 TensorFlow 算法框架/工具
TensorFlow HOWTO 1.3 逻辑回归
TensorFlow HOWTO 1.3 逻辑回归
87 0
|
机器学习/深度学习 TensorFlow 算法框架/工具
优达学城深度学习之六——TensorFlow实现卷积神经网络
优达学城深度学习之六——TensorFlow实现卷积神经网络
优达学城深度学习之六——TensorFlow实现卷积神经网络
|
机器学习/深度学习 存储 TensorFlow
直观理解并使用Tensorflow实现Seq2Seq模型的注意机制(下)
直观理解并使用Tensorflow实现Seq2Seq模型的注意机制
223 0
直观理解并使用Tensorflow实现Seq2Seq模型的注意机制(下)