from keras.models import Sequential from keras.layers import LSTM, Dense import tensorflow as tf # 构建LSTM模型 X_train = tf.convert_to_tensor(X_train, dtype=tf.float32) y_train = tf.convert_to_tensor(y_train, dtype=tf.float32) X_test = tf.convert_to_tensor(X_test, dtype=tf.float32) y_test = tf.convert_to_tensor(y_test, dtype=tf.float32) model = Sequential() model.add(LSTM(units=32, input_shape=(sequence_length, 4))) model.add(Dense(units=1, activation='sigmoid')) # 编译模型 model.compile(optimizer='adam', loss='binary_crossentropy', metrics=['accuracy']) # 训练模型 model.fit(X_train, y_train, batch_size=32, epochs=10, validation_data=(X_test, y_test)) # 预测测试集 y_pred = model.predict(X_test) y_pred = (y_pred > 0.5).astype(int) 通过这段代码生成ROC曲线以及混淆矩阵
时间: 2024-01-22 10:21:12 浏览: 128
可以使用scikit-learn库中的函数来生成ROC曲线和混淆矩阵。下面是一个示例代码:
```python
from sklearn.metrics import roc_curve, auc, confusion_matrix
import matplotlib.pyplot as plt
# 计算ROC曲线的假正率和真正率
fpr, tpr, thresholds = roc_curve(y_test, y_pred)
# 计算ROC曲线下的面积
roc_auc = auc(fpr, tpr)
# 生成ROC曲线图
plt.plot(fpr, tpr, color='darkorange', lw=2, label='ROC curve (area = %0.2f)' % roc_auc)
plt.plot([0, 1], [0, 1], color='navy', lw=2, linestyle='--')
plt.xlim([0.0, 1.0])
plt.ylim([0.0, 1.05])
plt.xlabel('False Positive Rate')
plt.ylabel('True Positive Rate')
plt.title('Receiver operating characteristic')
plt.legend(loc="lower right")
plt.show()
# 生成混淆矩阵
tn, fp, fn, tp = confusion_matrix(y_test, y_pred).ravel()
print("True Negatives:", tn)
print("False Positives:", fp)
print("False Negatives:", fn)
print("True Positives:", tp)
```
这个代码段会生成一个ROC曲线图和混淆矩阵。其中,`y_test`是测试集的真实标签,`y_pred`是模型预测的标签。您需要将其替换为您自己的变量名。
阅读全文