tensorflow学习之路-----简单卷积神经网路
import tensorflow as tf
#取数据,目的是辨别数字
from tensorflow.examples.tutorials.mnist import input_data
'''
手动添加数据集:先把4个数据包放进当前目录的文件夹里面
'''
MNIST_data_folder="C:\\Users\\悟悔\\MNIST_data"#路径
mnist=input_data.read_data_sets("MNIST_data/",one_hot=True)
def weight_variable(shape):
initial = tf.Variable(tf.truncated_normal(shape,stddev=0.1))
return initial
def bais_variable(shape):
return tf.constant(0.1,shape=shape)
#定义卷积函数
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")
x_data = tf.placeholder(tf.float32,[None,784])#28x28
y_data = tf.placeholder(tf.float32,[None,10])
keep_prol = tf.placeholder(tf.float32)
x_image = tf.reshape(x_data,[-1,28,28,1])
'''
-1:表示可以接受任意的照片
28,28=28x28:表示像素
1:表示图像通道,也可以表示图片的厚度。因为是黑白的所以是1,如果是RGB照片就是3
'''
'''
第一次卷积
'''
conv1_weight = weight_variable([5,5,1,32])
'''
5,5:表述卷积核的大小,即长宽
1:表示图像通道,也可以表示图片的厚度。因为是黑白的所以是1,如果是RGB照片就是3
32:自定义的一个输出厚度【特征映射】
'''
conv1_bais = bais_variable([32])
'''
要和卷积过后的输出厚度一致
'''
d_conv1 = tf.nn.relu(conv2d(x_image,conv1_weight)+conv1_bais)#用一个激烈函数,将他们非线性化,28x28x32
'''
运算:28x28x1 经过卷积核 5x5x32 转化为 28x28x32 (因为这是SAME,因此输出的大小和原来的相同,32是因为我们自定义输出的厚度)
'''
d_pool1 = max_pool_2x2(d_conv1)#14x14x32
'''
池化运算:
28x28x32 因为池化窗口大小2x2,并且池化是将像素缩短的过程,因此为14x14x32
'''
'''
第二次卷积
'''
conv2_weight = weight_variable([5,5,32,64])
conv2_bais = bais_variable([64])
d_conv2 = conv2d(d_pool1,conv2_weight)+conv2_bais
d_pool2 = max_pool_2x2(d_conv2)
'''
这个运算是和上面的一样
'''
'''
第一次全连神经
'''
Weights1 = weight_variable([7*7*64,1024])
baises1 = bais_variable([1024])
inputs1 = tf.reshape(d_pool2,[-1,7*7*64])
'''
将d_pool2转化为一维的数据
'''
W_plus_bs1= tf.nn.relu(tf.matmul(inputs1,Weights1)+baises1)
W_plus_b1 = tf.nn.dropout(W_plus_bs1,keep_prol)
'''
第二次全连接
'''
Weights2 = weight_variable([1024,10])
baises2 = bais_variable([10])
prediction = tf.nn.softmax(tf.matmul(W_plus_b1,Weights2)+baises2)
'''
误差分析和优化
'''
cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_data * tf.log(prediction),
reduction_indices=[1]))
train_step = tf.train.AdamOptimizer(1e-4).minimize(cross_entropy)
init = tf.global_variables_initializer()
def compute_accuracy(v_xs, v_ys):
global prediction
y_pre = sess.run(prediction, feed_dict={x_data: v_xs, keep_prol: 1})
correct_prediction = tf.equal(tf.argmax(y_pre,1), tf.argmax(v_ys,1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
result = sess.run(accuracy, feed_dict={xs: v_xs, ys: v_ys, keep_prol: 1})
return result
:
print(compute_accuracy(mnist.test.images,mnist.test.labels))
tensorflow学习之路-----简单卷积神经网路的更多相关文章
- tensorflow学习之路---简单的代码
import numpyimport tensorflow as tf #自己创建的数据x_data = numpy.random.rand(100).astype(numpy.float32)#创建 ...
- tensorflow学习2-线性拟合和神经网路拟合
线性拟合的思路: 线性拟合代码: import tensorflow as tf import numpy as np import matplotlib.pyplot as plt #%%图形绘制 ...
- tensorflow学习笔记——图像识别与卷积神经网络
无论是之前学习的MNIST数据集还是Cifar数据集,相比真实环境下的图像识别问题,有两个最大的问题,一是现实生活中的图片分辨率要远高于32*32,而且图像的分辨率也不会是固定的.二是现实生活中的物体 ...
- tensorflow学习之路-----卷积神经网络个人总结
卷积神经网络大总结(个人理解) 神经网络 1.概念:从功能他们模仿真实数据 2.结构:输入层.隐藏层.输出层.其中隐藏层要有的参数:权重.偏置.激励函数.过拟合 3.功能:能通过模仿,从而学到事件 其 ...
- Tensorflow学习:(三)神经网络优化
一.完善常用概念和细节 1.神经元模型: 之前的神经元结构都采用线上的权重w直接乘以输入数据x,用数学表达式即,但这样的结构不够完善. 完善的结构需要加上偏置,并加上激励函数.用数学公式表示为:.其中 ...
- java学习之路--简单基础的面试题
1.面向对象的特征有哪些方面? 答:面向对象的特征主要有以下几个方面: 1)抽象:抽象是将一类对象的共同特征总结出来构造类的过程,包括数据抽象和行为抽象两方面.抽象只关注对象有哪些属性和行为,并不关注 ...
- tensorflow学习之路-----MNIST数据
''' 神经网络的过程:1.准备相应的数据库 2.定义输入成 3.定义输出层 4.定义隐藏层 5.训练(根据误差进行训练) 6.对结果进行精确度评估 ''' import tensorflow as ...
- html学习之路--简单图片轮播
一个简单的图片轮播效果 photo.html页面代码,基本的HTML结构,在main中显示图片,此处图片依次命名为1.jpg.2.jpg.3.jpg.4.jpg. <!DOCTYPE html& ...
- TensorFlow学习之路1-TensorFlow介绍
TensorFlow是一个采用数据流图(data flow graphs),用于数据计算的开源软件库. 什么是数据流图? TensorFlow的数据流图是由“节点”(nodes)和“线”(edges) ...
随机推荐
- Android中设置半个屏幕大小且居中的button布局 (layout_weight属性)
先看例如以下布局 :
- 实现浮点数的四舍五入RoundOff,保留几位小数
直接上代码,非常简短 double myRound(double d,int n) { d = d*pow(10,n); d += 0.5; d = (long)d; d = d/pow(10,n); ...
- RvmTranslator7.0-OBJ
RvmTranslator7.0-OBJ eryar@163.com RvmTranslator can translate the RVM file exported by AVEVA Plant( ...
- codevs1052
题目地址:http://codevs.cn/problem/1053/ 分析: 模拟 代码: var s:string; a:array['a'..'z'] of longint; i,j,t,n:l ...
- BZOJ 球形空间产生器 解题报告(高斯消元)
题目链接:https://www.lydsy.com/JudgeOnline/problem.php?id=1013 1013: [JSOI2008]球形空间产生器sphere 有一个球形空间产生器能 ...
- springMVC中跳转问题
在使用SpringMVC时遇到了这个跳转的问题很头疼.现在总结出来,对以后的开发有所帮助. . 1.可以采用ModelAndView: @RequestMapping("test1" ...
- Kinect 人机交互开发实践
Kinect for Windows SDK 骨骼追踪 —— 对在Kinect视野范围内移动的一个或两个人进行骨骼追踪,可追踪到人体的20个节点 深度摄像头 —— 通过深度传感器获取到视野内的环境三维 ...
- 爬虫--BeautifulSoup使用
解析库 解析器 使用方法 优势 劣势 Python标准库 BeautifulSoup(markup, "html.parser") Python的内置标准库.执行速度适中 .文档容 ...
- apache(XAMPP)禁止IP访问的httpd-vhosts.conf设置
httpd-vhosts.conf <virtualhost *:80> ServerName 123.123.123.123 ServerAlias 123.123.123.123 ...
- docker容器存放目录磁盘空间满了,转移数据修改Docker默认存储位置
原文:docker容器存放目录磁盘空间满了,转移数据修改Docker默认存储位置 版权声明:本文为博主原创文章,未经博主允许不得转载. https://blog.csdn.net/qq_3767485 ...