作者:萌萌蚂蚁 | 来源:互联网 | 2024-12-20 11:54
为了展示如何使用TensorFlow进行非线性回归分析,我们首先需要导入必要的库:
import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt
接下来,我们将创建200个在-0.5到0.5之间均匀分布的随机点,并为每个点添加一些噪声,以模拟实际的数据波动:
x_data = np.linspace(-0.5, 0.5, 200)[:, np.newaxis]
noise = np.random.normal(0, 0.02, x_data.shape)
y_data = np.square(x_data) + noise
然后,我们定义输入和输出的占位符:
x = tf.placeholder(tf.float32, [None, 1])
y = tf.placeholder(tf.float32, [None, 1])
接下来是构建神经网络模型。这里我们设计了一个包含隐藏层的简单前馈神经网络,使用tanh作为激活函数:
# 隐藏层
Weights_L1 = tf.Variable(tf.random_normal([1, 10]))
biases_L1 = tf.Variable(tf.zeros([1, 10]))
Wx_plus_b_L1 = tf.matmul(x, Weights_L1) + biases_L1
L1 = tf.nn.tanh(Wx_plus_b_L1)
# 输出层
Weights_L2 = tf.Variable(tf.random_normal([10, 1]))
biases_L2 = tf.Variable(tf.zeros([1, 1]))
Wx_plus_b_L2 = tf.matmul(L1, Weights_L2) + biases_L2
prediction = tf.nn.tanh(Wx_plus_b_L2)
为了评估模型的性能,我们采用均方误差作为损失函数,并使用梯度下降算法进行优化:
loss = tf.reduce_mean(tf.square(y - prediction))
optimizer = tf.train.GradientDescentOptimizer(0.1).minimize(loss)
最后,我们运行会话来训练模型,并在训练完成后绘制原始数据点与模型预测结果的对比图:
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
for i in range(200):
sess.run(optimizer, feed_dict={x: x_data, y: y_data})
# 获取预测值
prediction_value = sess.run(prediction, feed_dict={x: x_data})
# 绘制图像
plt.figure()
plt.scatter(x_data, y_data, label='Original data')
plt.plot(x_data, prediction_value, 'r-', lw=5, label='Fitted line')
plt.legend()
plt.show()
通过上述步骤,我们可以看到模型成功地拟合了数据的非线性特征,这表明TensorFlow是一个强大的工具,适用于解决复杂的回归问题。