tensorflow线性回归代码
时间: 2023-06-21 16:11:33 浏览: 105
深度学习,tensorflow框架下的线性回归代码
以下是一个使用 TensorFlow 实现线性回归的示例代码:
```python
import tensorflow as tf
import numpy as np
# 生成训练数据
x_train = np.linspace(-1, 1, 101)
y_train = 2 * x_train + np.random.randn(*x_train.shape) * 0.33
# 构建模型
X = tf.placeholder(tf.float32)
Y = tf.placeholder(tf.float32)
w = tf.Variable(0.0, name="weights")
b = tf.Variable(0.0, name="bias")
Y_pred = tf.add(tf.multiply(X, w), b)
# 定义损失函数
cost = tf.reduce_mean(tf.square(Y - Y_pred))
# 定义优化器
optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.01).minimize(cost)
# 训练模型
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
for epoch in range(100):
for x, y in zip(x_train, y_train):
sess.run(optimizer, feed_dict={X: x, Y: y})
if epoch % 10 == 0:
cost_val = sess.run(cost, feed_dict={X: x_train, Y: y_train})
print("Epoch:", epoch, "Cost:", cost_val)
# 输出训练结果
w_val, b_val = sess.run([w, b])
print("W:", w_val, "B:", b_val)
```
该代码首先生成了一些随机的训练数据,然后定义了一个简单的线性模型,并使用梯度下降优化器来最小化损失函数。最后,使用 TensorFlow 的会话来训练模型并输出结果。
阅读全文