TF girls系列(2)使用tensorboard可视化数据

35 篇文章 1 订阅
10 篇文章 0 订阅

在看本篇博文之前先看上一篇博文:https://blog.csdn.net/mch2869253130/article/details/88954628

# -*- coding: utf-8 -*-
"""
Created on Wed Mar 27 19:38:44 2019

@author: macheng
"""

from __future__ import print_function, division
import tensorflow as tf
from sklearn.metrics import confusion_matrix
import numpy as np
import load

#train_samples 是维度为[num_images, image_size, image_size, num_channels]大小的4维矩阵
#train_labels 是维度为[num_images, 10]大小的2维矩阵
train_samples, train_labels = load._train_samples, load._train_labels
test_samples, test_labels = load._test_samples,  load._test_labels

print('Training set', train_samples.shape, train_labels.shape)
print('    Test set', test_samples.shape, test_labels.shape)

image_size = load.image_size       #32
num_labels = load.num_labels       #10
num_channels = load.num_channels   #channel为1,灰度图

def get_chunk(samples, labels, chunkSize):
	if len(samples) != len(labels):
		raise Exception('Length of samples and labels must equal')
	stepStart = 0	# initial step
	i = 0
	while stepStart < len(samples):
		stepEnd = stepStart + chunkSize
		if stepEnd < len(samples):
			yield i, samples[stepStart:stepEnd], labels[stepStart:stepEnd]
			i += 1
		stepStart = stepEnd


class Network():
	def __init__(self, num_hidden, batch_size):

		self.batch_size = batch_size
		self.test_batch_size = 500

		# Hyper Parameters
		self.num_hidden = num_hidden

		# Graph Related
		self.graph = tf.Graph()
		self.tf_train_samples = None
		self.tf_train_labels = None
		self.tf_test_samples = None
		self.tf_test_labels = None
		self.tf_test_prediction = None

		# 统计
		self.merged = None

		"""
			添加summary.FileWriter
		"""
		self.define_graph()
		gpu_options = tf.GPUOptions(per_process_gpu_memory_fraction=0.333)
		self.session = tf.Session(config=tf.ConfigProto(gpu_options=gpu_options), graph=self.graph)
		# 将graph存到board文件夹下
		self.writer = tf.summary.FileWriter('./board', self.graph)

	def define_graph(self):
		'''
			定义我的计算图谱
		'''
		with self.graph.as_default():
			# 这里只是定义图谱中的各种变量
			self.tf_train_samples = tf.placeholder(
				tf.float32, shape=(self.batch_size, image_size, image_size, num_channels)
			)
			self.tf_train_labels  = tf.placeholder(
				tf.float32, shape=(self.batch_size, num_labels)
			)
			self.tf_test_samples  = tf.placeholder(
				tf.float32, shape=(self.test_batch_size, image_size, image_size, num_channels)
			)

			"""
				添加name_scope
			"""
			with tf.name_scope('fc1'):
				fc1_weights = tf.Variable(
					tf.truncated_normal([image_size * image_size, self.num_hidden], stddev=0.1)
				)
				fc1_biases = tf.Variable(tf.constant(0.1, shape=[self.num_hidden]))
				'''
					添加summary.histogram(),用于将数据做成直方图
				'''
				tf.summary.histogram('fc1_weights', fc1_weights)
				tf.summary.histogram('fc1_bias', fc1_biases)

			"""
				添加name_scope
			"""
			with tf.name_scope('fc2'):
				fc2_weights = tf.Variable(
					tf.truncated_normal([self.num_hidden, num_labels], stddev=0.1)
				)
				fc2_biases = tf.Variable(tf.constant(0.1, shape=[num_labels]))
				tf.summary.histogram('fc2_weights', fc2_weights)
				tf.summary.histogram('fc2_bias', fc2_biases)

			# 定义图谱的运算
			def model(data):
				# fully connected layer 1
				shape = data.get_shape().as_list()
				reshape = tf.reshape(data, [shape[0], shape[1] * shape[2] * shape[3]])

				"""
					添加name_scope
				"""
				with tf.name_scope('fc1_model'):
					fc1_model = tf.matmul(reshape, fc1_weights) + fc1_biases
					hidden = tf.nn.relu(fc1_model)

				# fully connected layer 2
				"""
					添加name_scope
				"""
				with tf.name_scope('fc2_model'):
					return tf.matmul(hidden, fc2_weights) + fc2_biases

			# Training computation.
			logits = model(self.tf_train_samples)

			"""
				添加name_scope
			"""
			with tf.name_scope('loss'):
				self.loss = tf.reduce_mean(
					tf.nn.softmax_cross_entropy_with_logits(labels=self.tf_train_labels, logits=logits)
				)
				'''
					添加summary.scalar()用于标量的可视化
				'''
				tf.summary.scalar('Loss', self.loss)

			# Optimizer.
			"""
				添加name_scope
			"""
			with tf.name_scope('optimizer'):
				self.optimizer = tf.train.GradientDescentOptimizer(0.0001).minimize(self.loss)

			# Predictions for the training, validation, and test data.
			"""
				添加name_scope
			"""
			with tf.name_scope('predictions'):
				self.train_prediction = tf.nn.softmax(logits)
				self.test_prediction = tf.nn.softmax(model(self.tf_test_samples))

			self.merged = tf.summary.merge_all()

	def run(self):
		'''
		用到Session
		'''
		# private function
		def print_confusion_matrix(confusionMatrix):
			print('Confusion    Matrix:')
			for i, line in enumerate(confusionMatrix):
				print(line, line[i]/np.sum(line))
			a = 0
			for i, column in enumerate(np.transpose(confusionMatrix, (1, 0))):
				a += (column[i]/np.sum(column))*(np.sum(column)/26000)
				print(column[i]/np.sum(column),)
			print('\n',np.sum(confusionMatrix), a)

		with self.session as session:
			tf.initialize_all_variables().run()

			# 训练
			print('Start Training')
			"""
				将self.merged(也就是summary.merge_all())添加进session.run()
			"""
			for i, samples, labels in get_chunk(train_samples, train_labels, chunkSize=self.batch_size):
				_, l, predictions, summary = session.run(
					[self.optimizer, self.loss, self.train_prediction, self.merged],
					feed_dict={self.tf_train_samples: samples, self.tf_train_labels: labels}
				)
				'''
					使用FileWriter.add_summary(),将汇总后的summary添加进FileWriter对象的缓冲区
				'''
				self.writer.add_summary(summary, i)

				# labels is True Labels
				accuracy, _ = self.accuracy(predictions, labels)
				if i % 50 == 0:
					print('Minibatch loss at step %d: %f' % (i, l))
					print('Minibatch accuracy: %.1f%%' % accuracy)
			#

			# 测试
			accuracies = []
			confusionMatrices = []
			for i, samples, labels in get_chunk(test_samples, test_labels, chunkSize=self.test_batch_size):
				result = self.test_prediction.eval(feed_dict={self.tf_test_samples: samples})
				accuracy, cm = self.accuracy(result, labels, need_confusion_matrix=True)
				accuracies.append(accuracy)
				confusionMatrices.append(cm)
				print('Test Accuracy: %.1f%%' % accuracy)
			print(' Average  Accuracy:', np.average(accuracies))
			print('Standard Deviation:', np.std(accuracies))
			print_confusion_matrix(np.add.reduce(confusionMatrices))
			#

	def accuracy(self, predictions, labels, need_confusion_matrix=False):
		'''
		计算预测的正确率与召回率
		@return: accuracy and confusionMatrix as a tuple
		'''
		_predictions = np.argmax(predictions, 1)
		_labels = np.argmax(labels, 1)
		cm = confusion_matrix(_labels, _predictions) if need_confusion_matrix else None
		# == is overloaded for numpy array
		accuracy = (100.0 * np.sum(_predictions == _labels) / predictions.shape[0])
		return accuracy, cm


if __name__ == '__main__':
	net = Network(num_hidden=128, batch_size=100)
	net.run()

可视化的命令是在命令行中输入如下指令:
tensorboard --logdir "图的存储的目录"
在这里就是输入tensorboard --logdir "E:\TensorFlow-and-De epLearning-Tutorial-master\TensorFlow-and-DeepLearning-Tutorial-master\Season1\board"注意是输入目录

可视化之后的结果:
在这里插入图片描述
在这里插入图片描述

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值