莫烦tensorflow实战教学

1.添加神经层

#add_layer()
import tensorflow as tf def add_layer(inputs,in_size,out_size,activation_function=None):
Weights = tf.Variable(tf.random_normal([in_size,out_size]))
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

首先定义添加神经层函数,有四个参数值,输入值,输入的大小,输出的大小以及激励函数。

我们在这里设置激励函数为空。

然后我们开始定义weights和biases。

因为在生成初试参数时,随机变量(normal distribution)会比全部为0要好很多,所以我们这里的weights为一个in_size行, out_size列的随机变量矩阵。

Weights = tf.Variable(tf.random_normal([in_size, out_size]))

在机器学习中,biases的推荐值不为0,所以我们这里是在0向量的基础上又加了0.1

biases = tf.Variable(tf.zeros([1, out_size]) + 0.1)

然后定义Wx_plus_b  即未激活的值(神经网络中)。tf.matmul()是矩阵的乘法。

Wx_plus_b = tf.matmul(inputs, Weights) + biases

最后经过判断,返回输出。

-------------------------------------------------------------------------------

2019.7.29经过一个周末的休息继续

1.构建所需的数据。 这里的x_datay_data并不是严格的一元二次函数的关系,因为我们多加了一个noise,这样看起来会更像真实情况。

x_data = np.linspace(-1,1,300, dtype=np.float32)[:, np.newaxis]
noise = np.random.normal(0, 0.05, x_data.shape).astype(np.float32)
y_data = np.square(x_data) - 0.5 + noise

2.利用占位符定义我们所需的神经网络的输入。 tf.placeholder()就是代表占位符,这里的None代表无论输入有多少都可以,因为输入只有一个特征,所以这里是1

xs = tf.placeholder(tf.float32, [None, 1])
ys = tf.placeholder(tf.float32, [None, 1])

接下来,我们就可以开始定义神经层了。 通常神经层都包括输入层、隐藏层和输出层。这里的输入层只有一个属性, 所以我们就只有一个输入;

隐藏层我们可以自己假设,这里我们假设隐藏层有10个神经元; 输出层和输入层的结构是一样的,所以我们的输出层也是只有一层。

所以,我们构建的是——输入层1个、隐藏层10个、输出层1个的神经网络。

运用tensorflow中自带的激励函数tf.nn.relu

l1 = add_layer(xs, 1, 10, activation_function=tf.nn.relu)

定义输出层,此时的输入层就是隐藏层的输出---l1 输入有10层 输出有1层

prediction = add_layer(l1, 10, 1, activation_function=None)

然后计算预测值prediction与真实值之间的误差  对二者差的平方求和再取平均

loss = tf.reduce_mean(tf.reduce_sum(tf.square(ys - prediction),
reduction_indices=[1]))

运用梯度下降法减少误差

train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss)

总体实现代码如下:

#建造神经网络

#add_layer()
import tensorflow as tf import numpy as np def add_layer(inputs,in_size,out_size,activation_function=None):
Weights = tf.Variable(tf.random_normal([in_size,out_size]))
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 #构建数据
x_data = np.linspace(-1,1,300)[:,np.newaxis]
noise = np.random.normal(0,0.05,x_data.shape).astype(np.float32)
y_data = np.square(x_data)-0.5+noise xs = tf.placeholder(tf.float32, [None, 1])
ys = tf.placeholder(tf.float32, [None, 1])
#输入层1个、隐藏层10个、输出层1个的神经网络 #隐藏层
l1 = add_layer(xs,1,10,activation_function=tf.nn.relu)
#输出层 输入的是隐藏层的输出l1 输入的有10层 输出的有1层
predition = add_layer(l1,10,1,activation_function=None)
#计算prediction与真实值的误差 对二者差的平方求和再取平均值
loss = tf.reduce_mean(tf.reduce_sum(tf.square(ys-predition),reduction_indices=[1])) train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss) init = tf.initialize_all_variables()
sess = tf.Session()
sess.run(init) for i in range(1000):
#当运算要用到placeholder时,就需要feed_dict这个字典来指定输入
sess.run(train_step,feed_dict={xs:x_data,ys:y_data})
if i%50:
print(sess.run(loss,feed_dict={xs:x_data,ys:y_data}))

运行结果(部分截图):

TensorFlow实战第二课(添加神经层)-LMLPHP

可以看到误差的明显减小,over~~~

05-26 22:13