python计算precision@k、recall@k和f1_score@k

2024-04-24 20:38

本文主要是介绍python计算precision@k、recall@k和f1_score@k,希望对大家解决编程问题提供一定的参考价值,需要的开发者们随着小编来一起学习吧!

sklearn.metrics中的评估函数只能对同一样本的单个预测结果进行评估,如下所示:

from sklearn.metrics import classification_reporty_true = [0, 5, 0, 3, 4, 2, 1, 1, 5, 4]
y_pred = [0, 2, 4, 5, 2, 3, 1, 1, 4, 2]print(classification_report(y_true, y_pred))

而我们经常会遇到需要对同一样本的top-k个预测结果进行评估的情况,此时算法针对单个样本的预测结果是一个按可能性排序的列表,如下所示:

y_true = [0, 5, 0, 3, 4, 2, 1, 1, 5, 4]
y_pred = [[0, 0, 2, 1, 5],[2, 2, 4, 1, 4],[4, 5, 1, 3, 5],[5, 4, 2, 4, 3],[2, 0, 0, 2, 3],[3, 3, 4, 1, 4],[1, 1, 0, 1, 2],[1, 4, 4, 2, 4],[4, 1, 3, 3, 5],[2, 4, 2, 2, 3]]

针对以上这种情况,我们要如何评估算法的好坏呢?我们需要precision@k、recall@k和f1_score@k等指标,下面给出计算这些指标的函数及示例。

from _tkinter import _flatten# 统计所有的类别
def get_unique_labels(y_true, y_pred):y_true_set = set(y_true)y_pred_set = set(_flatten(y_pred))unique_label_set = y_true_set | y_pred_setunique_label = list(unique_label_set)return unique_label# y_true: 1d-list-like
# y_pred: 2d-list-like
# k:针对top-k各结果进行计算(k <= y_pred.shape[1])
def precision_recall_fscore_k(y_trues, y_preds, k=3, digs=2):# 取每个样本的top-k个预测结果!y_preds = [pred[:k] for pred in y_preds]unique_labels = get_unique_labels(y_trues, y_preds)num_classes = len(unique_labels)# 计算每个类别的precision、recall、f1-score、supportresults_dict = {}results = ''for label in unique_labels:current_label_result = []# TP + FNtp_fn = y_trues.count(label)# TP + FPtp_fp = 0for y_pred in y_preds:if label in y_pred:tp_fp += 1# TPtp = 0for i in range(len(y_trues)):if y_trues[i] == label and label in y_preds[i]:tp += 1support = tp_fntry:precision = round(tp/tp_fp, digs)recall = round(tp/tp_fn, digs)f1_score = round(2*(precision * recall) / (precision + recall), digs)except ZeroDivisionError:precision = 0recall = 0f1_score = 0current_label_result.append(precision)current_label_result.append(recall)current_label_result.append(f1_score)current_label_result.append(support)# 输出第一行results_dict[str(label)] = current_label_resulttitle = '\t' + 'precision@' + str(k) + '\t' + 'recall@' + str(k) + '\t' + 'f1_score@' + str(k) + '\t' + 'support' + '\n'results += titlefor k, v in sorted(results_dict.items()):current_line = str(k) + '\t' + str(v[0]) + '\t' + str(v[1]) + '\t' + str(v[2]) + '\t' + str(v[3]) + '\n'results += current_linesums = len(y_trues)# 注意macro avg和weighted avg计算方式的不同macro_avg_results = [(v[0], v[1], v[2]) for k, v in sorted(results_dict.items())]weighted_avg_results = [(v[0]*v[3], v[1]*v[3], v[2]*v[3]) for k, v in sorted(results_dict.items())]# 计算macro avgmacro_precision = 0macro_recall = 0macro_f1_score = 0for macro_avg_result in macro_avg_results:macro_precision += macro_avg_result[0]macro_recall += macro_avg_result[1]macro_f1_score += macro_avg_result[2]macro_precision /= num_classesmacro_recall /= num_classesmacro_f1_score /= num_classes# 计算weighted avgweighted_precision = 0weighted_recall = 0weighted_f1_score = 0for weighted_avg_result in weighted_avg_results:weighted_precision += weighted_avg_result[0]weighted_recall += weighted_avg_result[1]weighted_f1_score += weighted_avg_result[2]weighted_precision /= sumsweighted_recall /= sumsweighted_f1_score /= sumsmacro_avg_line = 'macro avg' + '\t' + str(round(macro_precision, digs)) + '\t' + str(round(macro_recall, digs)) + '\t' + str(round(macro_f1_score, digs)) + '\t' + str(sums) +'\n'weighted_avg_line = 'weighted avg' + '\t' + str(round(weighted_precision, digs)) + '\t' + str(round(weighted_recall, digs)) + '\t' + str(round(weighted_f1_score, digs)) + '\t' + str(sums)results += macro_avg_lineresults += weighted_avg_linereturn resultsif __name__ == '__main__':y_true = [0, 5, 0, 3, 4, 2, 1, 1, 5, 4]y_pred = [[0, 3, 2, 1, 5],[2, 0, 4, 1, 3],[4, 5, 1, 3, 0],[5, 4, 2, 0, 3],[2, 0, 1, 3, 5],[3, 0, 4, 1, 2],[1, 0, 4, 2, 3],[1, 4, 5, 2, 3],[4, 1, 3, 2, 0],[2, 0, 1, 3, 4]]res = precision_recall_fscore_k(y_true, y_pred, k=5, digs=2)print(res)

我们分别取k=1、k=2、k=3、k=4和k=5,看一下效果。

k=1时:

k=3时:

k=5时:

我们进一步看一下随着k值的增大,precision@k、recall@k和f1_score@k值的变化:

写作过程参考了

https://blog.csdn.net/dipizhong7224/article/details/104579159

https://blog.csdn.net/ybdesire/article/details/96507733

这篇关于python计算precision@k、recall@k和f1_score@k的文章就介绍到这儿,希望我们推荐的文章对编程师们有所帮助!



http://www.chinasem.cn/article/932786

相关文章

python: 多模块(.py)中全局变量的导入

文章目录 global关键字可变类型和不可变类型数据的内存地址单模块(单个py文件)的全局变量示例总结 多模块(多个py文件)的全局变量from x import x导入全局变量示例 import x导入全局变量示例 总结 global关键字 global 的作用范围是模块(.py)级别: 当你在一个模块(文件)中使用 global 声明变量时,这个变量只在该模块的全局命名空

【Python编程】Linux创建虚拟环境并配置与notebook相连接

1.创建 使用 venv 创建虚拟环境。例如,在当前目录下创建一个名为 myenv 的虚拟环境: python3 -m venv myenv 2.激活 激活虚拟环境使其成为当前终端会话的活动环境。运行: source myenv/bin/activate 3.与notebook连接 在虚拟环境中,使用 pip 安装 Jupyter 和 ipykernel: pip instal

【机器学习】高斯过程的基本概念和应用领域以及在python中的实例

引言 高斯过程(Gaussian Process,简称GP)是一种概率模型,用于描述一组随机变量的联合概率分布,其中任何一个有限维度的子集都具有高斯分布 文章目录 引言一、高斯过程1.1 基本定义1.1.1 随机过程1.1.2 高斯分布 1.2 高斯过程的特性1.2.1 联合高斯性1.2.2 均值函数1.2.3 协方差函数(或核函数) 1.3 核函数1.4 高斯过程回归(Gauss

poj 1113 凸包+简单几何计算

题意: 给N个平面上的点,现在要在离点外L米处建城墙,使得城墙把所有点都包含进去且城墙的长度最短。 解析: 韬哥出的某次训练赛上A出的第一道计算几何,算是大水题吧。 用convexhull算法把凸包求出来,然后加加减减就A了。 计算见下图: 好久没玩画图了啊好开心。 代码: #include <iostream>#include <cstdio>#inclu

uva 1342 欧拉定理(计算几何模板)

题意: 给几个点,把这几个点用直线连起来,求这些直线把平面分成了几个。 解析: 欧拉定理: 顶点数 + 面数 - 边数= 2。 代码: #include <iostream>#include <cstdio>#include <cstdlib>#include <algorithm>#include <cstring>#include <cmath>#inc

uva 11178 计算集合模板题

题意: 求三角形行三个角三等分点射线交出的内三角形坐标。 代码: #include <iostream>#include <cstdio>#include <cstdlib>#include <algorithm>#include <cstring>#include <cmath>#include <stack>#include <vector>#include <

【学习笔记】 陈强-机器学习-Python-Ch15 人工神经网络(1)sklearn

系列文章目录 监督学习:参数方法 【学习笔记】 陈强-机器学习-Python-Ch4 线性回归 【学习笔记】 陈强-机器学习-Python-Ch5 逻辑回归 【课后题练习】 陈强-机器学习-Python-Ch5 逻辑回归(SAheart.csv) 【学习笔记】 陈强-机器学习-Python-Ch6 多项逻辑回归 【学习笔记 及 课后题练习】 陈强-机器学习-Python-Ch7 判别分析 【学

XTU 1237 计算几何

题面: Magic Triangle Problem Description: Huangriq is a respectful acmer in ACM team of XTU because he brought the best place in regional contest in history of XTU. Huangriq works in a big compa

nudepy,一个有趣的 Python 库!

更多资料获取 📚 个人网站:ipengtao.com 大家好,今天为大家分享一个有趣的 Python 库 - nudepy。 Github地址:https://github.com/hhatto/nude.py 在图像处理和计算机视觉应用中,检测图像中的不适当内容(例如裸露图像)是一个重要的任务。nudepy 是一个基于 Python 的库,专门用于检测图像中的不适当内容。该

pip-tools:打造可重复、可控的 Python 开发环境,解决依赖关系,让代码更稳定

在 Python 开发中,管理依赖关系是一项繁琐且容易出错的任务。手动更新依赖版本、处理冲突、确保一致性等等,都可能让开发者感到头疼。而 pip-tools 为开发者提供了一套稳定可靠的解决方案。 什么是 pip-tools? pip-tools 是一组命令行工具,旨在简化 Python 依赖关系的管理,确保项目环境的稳定性和可重复性。它主要包含两个核心工具:pip-compile 和 pip