混淆矩阵 - 测试情绪分析模型

Posted

技术标签:

【中文标题】混淆矩阵 - 测试情绪分析模型【英文标题】:Confusion Matrix - Testing Sentiment Analysis Model 【发布时间】:2016-11-27 06:06:32 【问题描述】:

我正在使用 NLTK 测试情绪分析模型。我需要在分类器结果中添加一个混淆矩阵,如果可能的话,还要添加精度、召回率和 F-Measure 值。到目前为止,我只有准确性。 Movie_reviews 数据具有 pos 和 neg 标签。然而,为了训练分类器,我使用了与通常(句子、标签)结构不同格式的“特征集”。在通过“特征集”训练分类器后,我不确定是否可以使用 sklearn 中的confusion_matrix

import nltk
import random
from nltk.corpus import movie_reviews

documents = [(list(movie_reviews.words(fileid)), category)
             for category in movie_reviews.categories()
             for fileid in movie_reviews.fileids(category)]

random.shuffle(documents)

all_words = []

for w in movie_reviews.words():
    all_words.append(w.lower())

all_words = nltk.FreqDist(all_words)

word_features = list(all_words.keys())[:3000]

def find_features(document):
    words = set(document)
    features = 
    for w in word_features:
        features[w] = (w in words)

    return features


featuresets = [(find_features(rev), category) for (rev, category) in documents]

training_set = featuresets[:1900]
testing_set =  featuresets[1900:]


classifier = nltk.NaiveBayesClassifier.train(training_set)


print("Naive Bayes Algo accuracy percent:", (nltk.classify.accuracy(classifier, testing_set))*100)

【问题讨论】:

streamhacker.com/2010/05/17/… ***.com/questions/23704361/… 的副本? 【参考方案1】:

首先,您可以对所有测试值进行分类,并将预测结果和黄金结果存储在一个列表中。

然后,您可以使用 nltk.ConfusionMatrix

test_result = []
gold_result = []

for i in range(len(testing_set)):
    test_result.append(classifier.classify(testing_set[i][0]))
    gold_result.append(testing_set[i][1])

现在,您可以计算不同的指标。

CM = nltk.ConfusionMatrix(gold_result, test_result)
print(CM)

print("Naive Bayes Algo accuracy percent:"+str((nltk.classify.accuracy(classifier, testing_set))*100)+"\n")

labels = 'pos', 'neg'

from collections import Counter
TP, FN, FP = Counter(), Counter(), Counter()
for i in labels:
    for j in labels:
        if i == j:
            TP[i] += int(CM[i,j])
        else:
            FN[i] += int(CM[i,j])
            FP[j] += int(CM[i,j])

print("label\tprecision\trecall\tf_measure")
for label in sorted(labels):
    precision, recall = 0, 0
    if TP[label] == 0:
        f_measure = 0
    else:
        precision = float(TP[label]) / (TP[label]+FP[label])
        recall = float(TP[label]) / (TP[label]+FN[label])
        f_measure = float(2) * (precision * recall) / (precision + recall)
    print(label+"\t"+str(precision)+"\t"+str(recall)+"\t"+str(f_measure))

您可以查看 - 如何计算准确率和召回率 here。

您还可以使用:sklearn.metrics 使用 gold_result 和 test_result 值进行这些计算。

from sklearn.metrics import classification_report
from sklearn.metrics import confusion_matrix   

print '\nClasification report:\n', classification_report(gold_result, test_result)
print '\nConfussion matrix:\n',confusion_matrix(gold_result, test_result)    

【讨论】:

请编辑更多信息。不鼓励使用纯代码和“试试这个”的答案,因为它们不包含可搜索的内容,也没有解释为什么有人应该“试试这个”。我们在这里努力成为知识的资源。 @RAVI,我不明白你是如何得到预期结果的。在我看来,您将所有分类的测试值存储在列表 (test_result) 中,并将参考值存储到列表中 (gold_result)。那里的预测结果在哪里? @RAVI,您为 nltk.metrics 提供的链接说我必须为每个分类标签构建 2 组。我想我必须修改所有代码才能做到这一点,对吧? test_result 值是预测结果。可以看到 test_result 是 classifer.classify() 用于其他指标(精度、召回率、f-measure)。我必须更改我的代码,为每个分类标签构建 2 组,还是有更好的方法?

以上是关于混淆矩阵 - 测试情绪分析模型的主要内容,如果未能解决你的问题,请参考以下文章

混淆矩阵和分类报告

如何创建混淆矩阵来评估模型?

R语言使用caret包的predict函数对模型在测试集上的表现进行推理和预测计算模型的混淆矩阵设置参数mode计算基于混淆矩阵产生的衍生指标(特异度敏感度F1ppvnpv等)

怎么计算混淆矩阵的消费者精度

通过平均所有 n 个混淆矩阵的准确度来获得 n 个不同混淆矩阵的整体准确度

CNN keras 中图像的混淆矩阵