首页 技术 正文
技术 2022年11月6日
0 收藏 516 点赞 531 浏览 1560 个字
 # -*- coding: utf-8 -*-
"""
Created on: 2017/10/29
@author : Shawn
function :
"""
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data # 入口函数
if __name__ == '__main__': # 载入数据
mnist = input_data.read_data_sets("MNIST_data", one_hot=True) # 每个批次的大小
batch_size= 100 # 计算一共有多少个批次
n_batch= mnist.train.num_examples // batch_size # 命名空间
with tf.name_scope('input'):
# 定义两个placeholder
x = tf.placeholder(tf.float32, [None, 784], name='x-input') # 输入层784个神经元
y = tf.placeholder(tf.float32, [None, 10], name='y-input') # 输出层10个神经元,10类 W = tf.Variable(tf.zeros([784, 10]))
b = tf.Variable(tf.zeros([10]))
prediction = tf.nn.softmax(tf.matmul(x, W)+b) # 二次代价函数
# loss = tf.reduce_mean(tf.square(y-prediction))
loss = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(labels=y, logits=prediction)) # 使用梯度下降法
# train_step= tf.train.GradientDescentOptimizer(0.2).minimize(loss) # 0.2为学习率
train_step = tf.train.AdamOptimizer(1e-1).minimize(loss) # 初始化变量
init = tf.global_variables_initializer() # 结果存在一个bool类型的列表中
correct_prediction = tf.equal(tf.argmax(y,1), tf.argmax(prediction, 1)) # agmax返回一维张量中最大值所在的位置 # 求准确率
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32)) with tf.Session() as sess:
sess.run(init)
writer = tf.summary.FileWriter('logs/', sess.graph) # 把所有图片训练21次
for epoch in range(1): # 训练n_batch批次
for batch in range(n_batch):
batch_xs, batch_ys = mnist.train.next_batch(batch_size)
sess.run(train_step, feed_dict={x:batch_xs, y:batch_ys}) acc = sess.run(accuracy, feed_dict={x:mnist.test.images, y:mnist.test.labels})
print ("Iter " + str(epoch)+", Testing Accuracy" + str(acc)) pass

代码

进入cmd:

tensorboard –logdir=F:\PycharmProjects\TFlearn\src\logs

输出一个网址:

tensorboard的使用

用google浏览器或者火狐打开

tensorboard的使用

相关推荐
python开发_常用的python模块及安装方法
adodb:我们领导推荐的数据库连接组件bsddb3:BerkeleyDB的连接组件Cheetah-1.0:我比较喜欢这个版本的cheeta…
日期:2022-11-24 点赞:878 阅读:9,088
Educational Codeforces Round 11 C. Hard Process 二分
C. Hard Process题目连接:http://www.codeforces.com/contest/660/problem/CDes…
日期:2022-11-24 点赞:807 阅读:5,564
下载Ubuntn 17.04 内核源代码
zengkefu@server1:/usr/src$ uname -aLinux server1 4.10.0-19-generic #21…
日期:2022-11-24 点赞:569 阅读:6,413
可用Active Desktop Calendar V7.86 注册码序列号
可用Active Desktop Calendar V7.86 注册码序列号Name: www.greendown.cn Code: &nb…
日期:2022-11-24 点赞:733 阅读:6,186
Android调用系统相机、自定义相机、处理大图片
Android调用系统相机和自定义相机实例本博文主要是介绍了android上使用相机进行拍照并显示的两种方式,并且由于涉及到要把拍到的照片显…
日期:2022-11-24 点赞:512 阅读:7,822
Struts的使用
一、Struts2的获取  Struts的官方网站为:http://struts.apache.org/  下载完Struts2的jar包,…
日期:2022-11-24 点赞:671 阅读:4,905