- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我有这个 Excel 文件,其中包含我的模型的预测值和概率,我需要从该 Excel 中为 Intent1、2、3 绘制这个多类的 ROC 曲线(大约有 70 个这样的意图)。
Utterence Intent_1 Conf_intent1 Intent_2 Conf_Intent2 ...so on
Uttr 1 Intent1 0.86 Intent2 0.45
Uttr2 Intent3 0.47 Intent1 0.76
Uttr3 Intent1 0.70 Intent3 0.20
Uttr4 Intent3 0.42 Intent2 0.67
Uttr5 Intent1 0.70 Intent3 0.55
Note: Probability is done on absolute scoring so will not add to 1 for particular utterence the highest probability will be predicted
这是我收到错误的代码:
import pandas as pd
import numpy as np
from sklearn.metrics import multilabel_confusion_matrix
from sklearn.metrics import accuracy_score
from sklearn.metrics import classification_report
import matplotlib.pyplot as plt
from sklearn.preprocessing import LabelEncoder
from itertools import cycle
from sklearn import svm, datasets
from sklearn.metrics import roc_curve, auc
from sklearn.model_selection import train_test_split
from sklearn.preprocessing import label_binarize
from sklearn.multiclass import OneVsRestClassifier
from scipy import interp
#reading the input file
df = pd.read_excel('C:\\test.xlsx')
#Converting the columns to array
predicted = df['Predicted'].to_numpy()
Score = df['Probability'].to_numpy()
labels=df['Predicted'].unique();mcm = multilabel_confusion_matrix(actual, predicted, labels=labels)
predicted = label_binarize(predicted, classes=labels)
n_class = predicted.shape[0]
print(n_class)
print(type(predicted))
# Compute ROC curve and ROC area for each class
fpr = dict()
tpr = dict()
roc_auc = dict()
for i in range(n_class):
fpr[i], tpr[i], _ = roc_curve(predicted[:, i], Score[:, i])
roc_auc[i] = auc(fpr[i], tpr[i])
# Plot of a ROC curve for a specific class
for i in range(n_class):
plt.figure()
plt.plot(fpr[i], tpr[i], label='ROC curve (area = %0.2f)' % roc_auc[i])
plt.plot([0, 1], [0, 1], 'k--')
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 example')
plt.legend(loc="lower right")
plt.show()
但我收到错误:
File "roc.py", line 61, in <module>
fpr[i], tpr[i], _ = roc_curve(predicted[:, i], Score[:, i])
IndexError: too many indices for array
然后我从预测和得分中删除了 [:,1]
raise ValueError("{0} format is not supported".format(y_type))
ValueError: multilabel-indicator format is not supported
有人可以帮我解决这个问题吗?
最佳答案
您需要在代码中进行几处更改:
首先,从统计角度来看:ROC AUC 是通过将预测概率得分与实际标签进行比较来衡量的。您正在将预测概率与预测标签进行比较。这是没有意义的,因为它们显然是密切相关的..
其次,从代码的角度来看:n_classes
不应该测量观测值的数量,而应该测量类的数量。因此,您应该执行 n_class = Predicted.shape[1]
我把这个答案放在一起,试图尽可能地坚持你的代码:
actual = df['Actual'].to_numpy()
Score = df[['Conf_intent1','Conf_intent2','Conf_intent3']].to_numpy()
labels=df['Actual'].unique()
actual = label_binarize(actual, classes=labels)
n_class = actual.shape[1]
# Compute ROC curve and ROC area for each class
fpr = dict()
tpr = dict()
roc_auc = dict()
for i in range(n_class):
fpr[i], tpr[i], _ = roc_curve(actual[:, i], Score[:, i])
roc_auc[i] = auc(fpr[i], tpr[i])
# Plot of a ROC curve for a specific class
for i in range(n_class):
plt.figure()
plt.plot(fpr[i], tpr[i], label='ROC curve (area = %0.2f)' % roc_auc[i])
plt.plot([0, 1], [0, 1], 'k--')
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 example')
plt.legend(loc="lower right")
plt.show()
关于python - 绘制多类的 ROC 但出现错误 'too many indices',我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/58013748/
我有一个包含 100 个样本的数据集,每个样本都有 195 个突变,具有相应的已知临床意义(“RealClass”)和根据某些预测工具的预测值(“PredictionValues”) 为了演示,这是一
从下面的代码中,看起来使用 keras 和 scikit 评估 roc 实际上有所不同。有人知道解释吗? import tensorflow as tf from keras.layers impor
我很难理解 multiclass.roc 参数应该是什么样子。这是我的数据快照: > head(testing.logist$cut.rank) [1] 3 3 3 3 1 3 Levels: 1 2
我已经使用 ROCR 包绘制了 2 类问题的 ROC 曲线。根据我的理解,至少对于较小的数据集,曲线应该看起来像阶跃变化图。我的输入实际上很小,但我得到的曲线基本上看起来是直线。是因为 PROC 适合
我正在尝试使用 rpart 在插入符号中最大限度地提高模型选择的灵敏度。为此,我尝试复制此处给出的方法(向下滚动到使用用户定义函数 FourStat 的示例)caret's github page #
我正在尝试使用插入符包生成随机森林模型,使用 ROC 曲线下的面积作为训练指标,但我收到以下警告: Warning message: In train.default(x = TrainData, y
我在 R 平台中使用 randomForest 包进行分类任务。 rf_object<-randomForest(data_matrix, label_factor, cutoff=c(k,1-k))
我正在构建两个不同的分类器来预测二进制结果。然后我想通过使用 ROC 曲线及其下面积 (AUC) 来比较两个模型的结果。 我将数据集分为训练集和测试集。在训练集上,我执行一种形式的交叉验证。从交叉验证
我最近在为我的项目使用 sklearn 时遇到困难。我想构建一个分类器并将我的数据分为六组。总样本量为 88 然后我将数据分成 train(66) 和 test(22)我完全按照 sklearn 文档
我正在进行不同的文本分类实验。现在我需要计算每个任务的 AUC-ROC。对于二进制分类,我已经使用以下代码使其工作: scaler = StandardScaler(with_mean=False)
我正在尝试应用 sklearn 的想法 ROC extension to multiclass到我的数据集。我的每类 ROC 曲线看起来都找到了一条直线,取消显示曲线波动的 sklearn 示例。 我
这是一个代表 library(caret) library(dplyr) set.seed(88, sample.kind = "Rounding") mtcars % mutate(am = a
我有以下概念问题,我无法理解。 以下是调查数据示例,其中我有一个时间列,指示某人需要多长时间才能回答某个问题。 现在,我感兴趣的是清洁量将如何根据此阈值发生变化,即如果我增加阈值会发生什么,如果我降低
如何为使用视频的对象检测应用绘制每个窗口的误报率与未命中率(或误报概率)和 ROC(接收器操作曲线)的图表?如何确定误报和命中的数量?一个例子是很有用。 最佳答案 它很简单。将所有真正 (H0) 值存
我正在尝试绘制随机森林分类的 ROC 曲线。绘图有效,但我认为我绘制了错误的数据,因为生成的绘图只有一个点(准确性)。 这是我使用的代码: set.seed(55) data.controls <
我有如下两个模型: library(mlbench) data(Sonar) library(caret) set.seed(998) my_data <- Sonar fitControl <-
我很难将 ROC 的示例命令转换为我的数据集。这是用于 pROC 包 这是使用数据(aSAH)的例子 roc(aSAH$outcome, aSAH$s100b) roc(outcome ~ s100b
我试图在多类 knn 模型和数据集上运行一些 ROC 分析 到目前为止,我有 kNN 模型的这段代码。它运作良好。X_train_new是一个包含 131 个数值变量(列)和 7210 个观测值的数据
是否可以仅通过查看其 ROC 曲线来了解分类器是否过度拟合?我看到如果它的 AUC 太高(例如 98%)可能会过度拟合,但这也可能意味着分类器非常好。有没有办法区分这两种情况? 最佳答案 简短的回答:
在运行逻辑回归后,我使用以下代码绘制 ROC 曲线。 fit1 <- glm(formula=GB160M3~Behvscore, data=eflscr,family="binomial", na.
我是一名优秀的程序员,十分优秀!