程序报错:minimize() missing 1 required positional argument: 'var_list'
时间: 2023-08-18 16:23:11 浏览: 181
非常抱歉,我的回答有误。在 TensorFlow 2.x 版本中,`minimize()` 函数需要传入一个参数 `var_list`,它表示需要更新的变量列表。
以下是一个修改后的代码:
```python
import tensorflow as tf
import numpy as np
# 定义超参数
learning_rate = 0.01
training_epochs = 1000
display_step = 50
# 定义训练数据
train_X = np.array([1.0, 2.0, 3.0, 4.0, 5.0, 6.0, 7.0, 8.0, 9.0, 10.0])
train_Y = np.array([0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0])
# 定义输入和输出
X = tf.Variable(train_X, dtype=tf.float32)
Y = tf.Variable(train_Y, dtype=tf.float32)
# 定义模型参数
W = tf.Variable(np.random.randn(), name="weight", dtype=tf.float32)
b = tf.Variable(np.random.randn(), name="bias", dtype=tf.float32)
# 定义模型
pred = tf.sigmoid(tf.add(tf.multiply(X, W), b))
# 定义损失函数
cost = tf.reduce_mean(-Y * tf.math.log(pred) - (1 - Y) * tf.math.log(1 - pred))
# 定义优化器
optimizer = tf.optimizers.SGD(learning_rate)
# 开始训练模型
for epoch in range(training_epochs):
optimizer.minimize(cost, var_list=[W, b])
if (epoch + 1) % display_step == 0:
c = cost.eval()
print("Epoch:", '%04d' % (epoch + 1), "cost=", "{:.9f}".format(c), \
"W=", W.eval(), "b=", b.eval())
print("Optimization Finished!")
training_cost = cost.eval()
print("Training cost=", training_cost, "W=", W.eval(), "b=", b.eval(), '\n')
# 测试模型
test_X = np.array([2.0, 4.0, 6.0, 8.0])
test_Y = np.array([0.0, 0.0, 1.0, 1.0])
accuracy = tf.reduce_mean(tf.cast(tf.equal(tf.round(pred), Y), "float32"))
print("Accuracy:", accuracy.eval({X: test_X, Y: test_Y}))
```
该模型同样使用的是逻辑回归算法,通过输入一段文本,输出相应的标点符号。你可以根据自己的需求修改代码中的训练数据、超参数等来训练自己的自动标点模型。
阅读全文