pytorch 多分類問(wèn)題,計(jì)算百分比操作
二分類或分類問(wèn)題,網(wǎng)絡(luò)輸出為二維矩陣:批次x幾分類,最大的為當(dāng)前分類,標(biāo)簽為one-hot型的二維矩陣:批次x幾分類
計(jì)算百分比有numpy和pytorch兩種實(shí)現(xiàn)方案實(shí)現(xiàn),都是根據(jù)索引計(jì)算百分比,以下為具體二分類實(shí)現(xiàn)過(guò)程。
pytorch
out = torch.Tensor([[0,3], [2,3], [1,0], [3,4]]) cond = torch.Tensor([[1,0], [0,1], [1,0], [1,0]]) persent = torch.mean(torch.eq(torch.argmax(out, dim=1), torch.argmax(cond, dim=1)).double()) print(persent)
numpy
out = [[0, 3], [2, 3], [1, 0], [3, 4]] cond = [[1, 0], [0, 1], [1, 0], [1, 0]] a = np.argmax(out,axis=1) b = np.argmax(cond, axis=1) persent = np.mean(np.equal(a, b) + 0) # persent = np.mean(a==b + 0) print(persent)
補(bǔ)充知識(shí):python 多分類畫(huà)auc曲線和macro-average ROC curve
最近幫一個(gè)人做了一個(gè)多分類畫(huà)auc曲線的東西,不過(guò)最后那個(gè)人不要了,還被說(shuō)了一頓,心里很是不爽,anyway,我寫(xiě)代碼的還是要繼續(xù)寫(xiě)代碼的,所以我準(zhǔn)備把我修改的代碼分享開(kāi)來(lái),供大家研究學(xué)習(xí)。處理的數(shù)據(jù)大改是這種xlsx文件:
IMAGE y_real y_predict 0其他 1豹紋 2彌漫 3斑片 4黃斑 /mnt/AI/HM/izy20200531c5/299/train/0其他/IM005111 (Copy).jpg 0 0 1 8.31E-19 7.59E-13 4.47E-15 2.46E-14 /mnt/AI/HM/izy20200531c5/299/train/0其他/IM005201 (Copy).jpg 0 0 1 5.35E-17 4.38E-11 8.80E-13 3.85E-11 /mnt/AI/HM/izy20200531c5/299/train/0其他/IM004938 (4) (Copy).jpg 0 0 1 1.20E-16 3.17E-11 6.26E-12 1.02E-11 /mnt/AI/HM/izy20200531c5/299/train/0其他/IM004349 (3) (Copy).jpg 0 0 1 5.66E-14 1.87E-09 6.50E-09 3.29E-09 /mnt/AI/HM/izy20200531c5/299/train/0其他/IM004673 (5) (Copy).jpg 0 0 1 5.51E-17 9.30E-12 1.33E-13 2.54E-12 /mnt/AI/HM/izy20200531c5/299/train/0其他/IM004450 (5) (Copy).jpg 0 0 1 4.81E-17 3.75E-12 3.96E-13 6.17E-13
導(dǎo)入基礎(chǔ)的pandas和keras處理函數(shù)
import pandas as pd
from keras.utils import to_categorical
導(dǎo)入數(shù)據(jù)
data=pd.read_excel('5分類新.xlsx')
data.head()
導(dǎo)入機(jī)器學(xué)習(xí)庫(kù)
from sklearn.metrics import precision_recall_curve import numpy as np from matplotlib import pyplot from sklearn.metrics import f1_score from sklearn.metrics import roc_curve, auc
把ground truth提取出來(lái)
true_y=data[' y_real'].to_numpy()
true_y=to_categorical(true_y)
把每個(gè)類別的數(shù)據(jù)提取出來(lái)
PM_y=data[[' 0其他',' 1豹紋',' 2彌漫',' 3斑片',' 4黃斑']].to_numpy()
PM_y.shape
計(jì)算每個(gè)類別的fpr和tpr
n_classes=PM_y.shape[1] fpr = dict() tpr = dict() roc_auc = dict() for i in range(n_classes): fpr[i], tpr[i], _ = roc_curve(true_y[:, i], PM_y[:, i]) roc_auc[i] = auc(fpr[i], tpr[i])
計(jì)算macro auc
from scipy import interp # First aggregate all false positive rates all_fpr = np.unique(np.concatenate([fpr[i] for i in range(n_classes)])) # Then interpolate all ROC curves at this points mean_tpr = np.zeros_like(all_fpr) for i in range(n_classes): mean_tpr += interp(all_fpr, fpr[i], tpr[i]) # Finally average it and compute AUC mean_tpr /= n_classes fpr["macro"] = all_fpr tpr["macro"] = mean_tpr roc_auc["macro"] = auc(fpr["macro"], tpr["macro"])
畫(huà)圖
import matplotlib.pyplot as plt from itertools import cycle from matplotlib.ticker import FuncFormatter lw = 2 # Plot all ROC curves plt.figure() labels=['Category 0','Category 1','Category 2','Category 3','Category 4'] plt.plot(fpr["macro"], tpr["macro"], label='macro-average ROC curve (area = {0:0.4f})' ''.format(roc_auc["macro"]), color='navy', linestyle=':', linewidth=4) colors = cycle(['aqua', 'darkorange', 'cornflowerblue','blue','yellow']) for i, color in zip(range(n_classes), colors): plt.plot(fpr[i], tpr[i], color=color, lw=lw, label=labels[i]+'(area = {0:0.4f})'.format(roc_auc[i])) plt.plot([0, 1], [0, 1], 'k--', lw=lw) plt.xlim([0.0, 1.0]) plt.ylim([0.0, 1.05]) plt.xlabel('1-Specificity (%)') plt.ylabel('Sensitivity (%)') plt.title('Some extension of Receiver operating characteristic to multi-class') def to_percent(temp, position): return '%1.0f'%(100*temp) plt.gca().yaxis.set_major_formatter(FuncFormatter(to_percent)) plt.gca().xaxis.set_major_formatter(FuncFormatter(to_percent)) plt.legend(loc="lower right") plt.show()
展示
上述的代碼是在jupyter中運(yùn)行的,所以是分開(kāi)的
以上這篇pytorch 多分類問(wèn)題,計(jì)算百分比操作就是小編分享給大家的全部?jī)?nèi)容了,希望能給大家一個(gè)參考,也希望大家多多支持腳本之家。
相關(guān)文章
在Python中利用Pandas庫(kù)處理大數(shù)據(jù)的簡(jiǎn)單介紹
這篇文章簡(jiǎn)單介紹了在Python中利用Pandas處理大數(shù)據(jù)的過(guò)程,Pandas庫(kù)的使用能夠很好地展現(xiàn)數(shù)據(jù)結(jié)構(gòu),是近來(lái)Python項(xiàng)目中經(jīng)常被使用使用的熱門(mén)技術(shù),需要的朋友可以參考下2015-04-04Python中八種數(shù)據(jù)導(dǎo)入方法總結(jié)
數(shù)據(jù)分析過(guò)程中,需要對(duì)獲取到的數(shù)據(jù)進(jìn)行分析,往往第一步就是導(dǎo)入數(shù)據(jù)。導(dǎo)入數(shù)據(jù)有很多方式,不同的數(shù)據(jù)文件需要用到不同的導(dǎo)入方式,相同的文件也會(huì)有幾種不同的導(dǎo)入方式。下面總結(jié)幾種常用的文件導(dǎo)入方法2022-11-11Pandas?多進(jìn)程處理數(shù)據(jù)提高速度
這篇文章主要介紹了Pandas?多進(jìn)程處理數(shù)據(jù)提高速度,Pandas多進(jìn)程的方法,pandarallel?庫(kù),下面具體的測(cè)試方法,需要的朋友可以參考一下,希望對(duì)你的學(xué)習(xí)有所幫助2022-04-04python3 中的字符串(單引號(hào)、雙引號(hào)、三引號(hào))以及字符串與數(shù)字的運(yùn)算
這篇文章主要介紹了python3 中的字符串(單引號(hào)、雙引號(hào)、三引號(hào))以及字符串與數(shù)字的運(yùn)算,文中通過(guò)示例代碼介紹的非常詳細(xì),對(duì)大家的學(xué)習(xí)或者工作具有一定的參考學(xué)習(xí)價(jià)值,需要的朋友們下面隨著小編來(lái)一起學(xué)習(xí)學(xué)習(xí)吧2019-07-07利用python中的matplotlib打印混淆矩陣實(shí)例
這篇文章主要介紹了利用python中的matplotlib打印混淆矩陣實(shí)例,具有很好的參考價(jià)值,希望對(duì)大家有所幫助。一起跟隨小編過(guò)來(lái)看看吧2020-06-06Python按要求從多個(gè)txt文本中提取指定數(shù)據(jù)的代碼示例
本文給大家介紹了Python如何按要求從多個(gè)txt文本中提取指定數(shù)據(jù),遍歷文件夾并從中找到文件名稱符合我們需求的多個(gè).txt格式文本文件,文中有相關(guān)的代碼示例供大家參考,具有一定的參考價(jià)值,需要的朋友可以參考下2023-12-12使用Scrapy爬取動(dòng)態(tài)數(shù)據(jù)
今天小編就為大家分享一篇關(guān)于使用Scrapy爬取動(dòng)態(tài)數(shù)據(jù)的文章,小編覺(jué)得內(nèi)容挺不錯(cuò)的,現(xiàn)在分享給大家,具有很好的參考價(jià)值,需要的朋友一起跟隨小編來(lái)看看吧2018-10-10