代码:
import tensorflow as tf
import numpy as np
### 定义添加神经网络层函数 START ### def add_layer(inputs,in_size,out_size,activation_function=None):
"""描述: 添加神经网络层函数.
:param inputs: 输入神经层
:param in_size: 输入神经层的神经元个数
:param out_size: 输出神经层的神经元个数
:param activation_function: 激励函数
""" # 定义一个"in_size行,out_size列"的随机矩阵变量
Weights=tf.Variable(tf.random_normal([in_size,out_size])) # 定义一个"1行,out_size列"的0值矩阵基准变量
biases=tf.Variable(tf.zeros([1,out_size])+0.1) # 定义一个矩阵乘法函数公式
Wx_plus_b = tf.matmul(inputs,Weights)+biases # 判断是否使用激励函数
if activation_function is None:
outputs=Wx_plus_b
else:
outputs=activation_function(Wx_plus_b)
return outputs
### 定义添加神经网络层函数 END ### ### 定义变量结构 START### # 定义起始输入:在指定的-1到1的间隔内返回300个均匀间隔的1行300列的数组,再将数组转化为1列300行的矩阵
# 例如:
# x1 = np.array([1, 2, 3, 4, 5])
# # the shape of x1 is (5,)
# x1_new = x1[:, np.newaxis]
# # now, the shape of x1_new is (5, 1)
# array([[1],
# [2],
# [3],
# [4],
# [5]])
# x1_new = x1[np.newaxis,:]
# # now, the shape of x1_new is (1, 5)
# array([[1, 2, 3, 4, 5]]) x_data=np.linspace(-1,1,300)[:,np.newaxis] # 定义噪点 :使用高斯分布的概率密度函数定义一个均值为0,标准差为0.05的高斯随机数,个数为x_data的矩阵元素数
noise =np.random.normal(0,0.05,x_data.shape) # 定义起始输出:x_data的平方减去0.5,再加上噪点
y_data=np.square(x_data)-0.5+noise # 定义运行时参数变量
xs=tf.placeholder(tf.float32,[None,1])
ys=tf.placeholder(tf.float32,[None,1]) ### 定义神经网络结构 START### # 定义隐藏层神经网络层layer01
layer01=add_layer(xs,1,10,activation_function=tf.nn.relu)
# 定义隐藏层神经网络层layer02
layer02=add_layer(layer01,10,10,activation_function=tf.nn.sigmoid)
# 定义预测输出层 prediction
prediction =add_layer(layer02,10,1,activation_function=None)
# 计算损失
# 1.计算起始输出与预测输出的偏差的平方
loss_square=tf.square(y_data - prediction)
# 2.计算一个张量的各个维度上元素的总和.
reduce_sum_square=tf.reduce_sum(loss_square,reduction_indices=[1])
# 3.计算损失:张量的各个维度上的元素的平均值
loss=tf.reduce_mean(reduce_sum_square) #使用梯度下降算法训练所有样本
train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss)
# 定义初始化变量
init=tf.initialize_all_variables()
# 创建会话
sess=tf.Session()
# 运行初始化变量指针
sess.run(init) ### 定义神经网络结构 END### ###定义变量结构 END### for i in range(2000):
sess.run(train_step,feed_dict={xs:x_data,ys:y_data})
if i%50==0:
print(sess.run(loss,feed_dict={xs:x_data,ys:y_data}))
输出结果:
> Executing task: python d:\Work\002_WorkSpace\VSCode\Tensorflow\cnn.py <

WARNING:tensorflow:From C:\Program Files\Python\Python37\lib\site-packages\tensorflow\python\framework
\op_def_library.py:263: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version.
Instructions for updating:
Colocations handled automatically by placer.
WARNING:tensorflow:From C:\Program Files\Python\Python37\lib\site-packages\tensorflow\python\ops
\math_ops.py:3066: to_int32 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.cast instead.
WARNING:tensorflow:From C:\Program Files\Python\Python37\lib\site-packages\tensorflow\python\util
\tf_should_use.py:193: initialize_all_variables (from tensorflow.python.ops.variables) is deprecated and will be removed after 2017-03-02.
Instructions for updating:
Use `tf.global_variables_initializer` instead.
2019-06-16 18:23:25.445771: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports
instructions that this TensorFlow binary was not compiled to use: AVX2
0.9150444
0.018474927
0.012227052
0.008430008
0.006330067
0.005174632
0.0045147026
0.004099458
0.0037936615
0.0035521714
0.0033668855
0.003235288
0.0031796119
0.003798308
0.011472862
0.011122204
0.0038715526
0.0029777498
0.00284954
0.0028072707
0.0027813027
0.0027617016
0.0027467846
0.0027342557
0.0027231644
0.0027126905
0.0027037202
0.0026956936
0.0026887206
0.0026827992
0.0026773391
0.0026706234
0.0026643125
0.0026575066
0.0026512532
0.00264405
0.0026368005
0.0026302505
0.0026243015
0.0026188325 Terminal will be reused by tasks, press any key to close it.

最新文章

  1. 长沙市轨道交通工程BIM应用招标公告
  2. 【转载】CentOS 6.3下rsync服务器的安装与配置
  3. mysql 根据查询结果集更新
  4. 应用HTK搭建语音拨号系统2:创建单音素HMM模型
  5. LeetCode:Search in Rotated Sorted Array I II
  6. ok6410串口裸机总结
  7. Matlab自己定义函数
  8. Ubuntu中文输入法
  9. [翻译]现代java开发指南 第一部分
  10. JS和jQuery中ul li遍历获取对应的下角标
  11. 本机向windows服务器传输文件的三种方法
  12. Mac搭建cocos2dx+Android studio开发环境以及AnySDK的集成
  13. 学习笔记01(mybatis逆向工程)
  14. vue学习笔记——篇3
  15. Object constraint language for code generation from activity models
  16. Win32之隐藏DLL隐藏模块技术
  17. 【Android】ImageView ScaleType属性值
  18. ionic框架使用步骤
  19. 关于程序设计中INF和MOD值的设定
  20. web 分享代码片段

热门文章

  1. NAT(地址转换技术)学习
  2. UNIX网络编程 环境搭建
  3. Co-Clustering_Reproducing
  4. Git的概念和基本使用
  5. TP框架修改后台路径方法
  6. redis配置文件讲解
  7. 123457123457#0#-----com.cym.YuErBaiKe02--前拼后广--育儿百科
  8. 123456123456#0#-----com.threeapp.xiongMaoPaoPao01----熊猫跑酷01
  9. (三)java虚拟机内存管理和线程独占区和线程共享区
  10. php关于文件上传的两个配置项说明