tensorflow2怎么使用Adam优化器,自己编写损失函数的案例
时间: 2024-05-04 22:15:12 浏览: 113
使用Adam优化器和自己编写损失函数的案例如下:
```python
import tensorflow as tf
import numpy as np
# 构造数据集
x_train = np.array([[1.0, 2.0], [2.0, 3.0], [3.0, 4.0], [4.0, 5.0], [5.0, 6.0], [6.0, 7.0], [7.0, 8.0], [8.0, 9.0], [9.0, 10.0], [10.0, 11.0]])
y_train = np.array([3.0, 5.0, 7.0, 9.0, 11.0, 13.0, 15.0, 17.0, 19.0, 21.0])
# 定义自己的损失函数
def custom_loss(y_true, y_pred):
return tf.reduce_mean(tf.square(y_true - y_pred))
# 定义模型
model = tf.keras.models.Sequential([
tf.keras.layers.Dense(10, activation='relu', input_shape=(2,)),
tf.keras.layers.Dense(1)
])
# 编译模型
optimizer = tf.keras.optimizers.Adam(learning_rate=0.001)
model.compile(loss=custom_loss, optimizer=optimizer)
# 训练模型
model.fit(x_train, y_train, epochs=1000)
# 预测新数据
x_test = np.array([[11.0, 12.0], [12.0, 13.0], [13.0, 14.0], [14.0, 15.0]])
y_test = np.array([23.0, 25.0, 27.0, 29.0])
y_pred = model.predict(x_test)
print(y_pred)
print(y_test)
```
这个例子中,我们定义了一个简单的模型来预测两个数字的和,使用了自己编写的损失函数custom_loss,并使用Adam优化器来训练模型。在训练完成后,我们使用测试集来检验模型的预测效果。
阅读全文