国产成人精品久久免费动漫-国产成人精品天堂-国产成人精品区在线观看-国产成人精品日本-a级毛片无码免费真人-a级毛片毛片免费观看久潮喷

您的位置:首頁技術文章
文章詳情頁

利用python中的matplotlib打印混淆矩陣實例

瀏覽:75日期:2022-07-21 09:43:50

前面說過混淆矩陣是我們在處理分類問題時,很重要的指標,那么如何更好的把混淆矩陣給打印出來呢,直接做表或者是前端可視化,小編曾經(jīng)就嘗試過用前端(D5)做出來,然后截圖,顯得不那么好看。。

代碼:

import itertoolsimport matplotlib.pyplot as pltimport numpy as np def plot_confusion_matrix(cm, classes, normalize=False, title=’Confusion matrix’, cmap=plt.cm.Blues): ''' This function prints and plots the confusion matrix. Normalization can be applied by setting `normalize=True`. ''' if normalize: cm = cm.astype(’float’) / cm.sum(axis=1)[:, np.newaxis] print('Normalized confusion matrix') else: print(’Confusion matrix, without normalization’) print(cm) plt.imshow(cm, interpolation=’nearest’, cmap=cmap) plt.title(title) plt.colorbar() tick_marks = np.arange(len(classes)) plt.xticks(tick_marks, classes, rotation=45) plt.yticks(tick_marks, classes) fmt = ’.2f’ if normalize else ’d’ thresh = cm.max() / 2. for i, j in itertools.product(range(cm.shape[0]), range(cm.shape[1])): plt.text(j, i, format(cm[i, j], fmt), horizontalalignment='center', color='white' if cm[i, j] > thresh else 'black') plt.tight_layout() plt.ylabel(’True label’) plt.xlabel(’Predicted label’) plt.show() # plt.savefig(’confusion_matrix’,dpi=200) cnf_matrix = np.array([ [4101, 2, 5, 24, 0], [50, 3930, 6, 14, 5], [29, 3, 3973, 4, 0], [45, 7, 1, 3878, 119], [31, 1, 8, 28, 3936],]) class_names = [’Buildings’, ’Farmland’, ’Greenbelt’, ’Wasteland’, ’Water’] # plt.figure()# plot_confusion_matrix(cnf_matrix, classes=class_names,# title=’Confusion matrix, without normalization’) # Plot normalized confusion matrixplt.figure()plot_confusion_matrix(cnf_matrix, classes=class_names, normalize=True, title=’Normalized confusion matrix’)

在放矩陣位置,放一下你的混淆矩陣就可以,當然可視化混淆矩陣這一步也可以直接在模型運行中完成。

補充知識:混淆矩陣(Confusion matrix)的原理及使用(scikit-learn 和 tensorflow)

原理

在機器學習中, 混淆矩陣是一個誤差矩陣, 常用來可視化地評估監(jiān)督學習算法的性能. 混淆矩陣大小為 (n_classes, n_classes) 的方陣, 其中 n_classes 表示類的數(shù)量. 這個矩陣的每一行表示真實類中的實例, 而每一列表示預測類中的實例 (Tensorflow 和 scikit-learn 采用的實現(xiàn)方式). 也可以是, 每一行表示預測類中的實例, 而每一列表示真實類中的實例 (Confusion matrix From Wikipedia 中的定義). 通過混淆矩陣, 可以很容易看出系統(tǒng)是否會弄混兩個類, 這也是混淆矩陣名字的由來.

混淆矩陣是一種特殊類型的列聯(lián)表(contingency table)或交叉制表(cross tabulation or crosstab). 其有兩維 (真實值 'actual' 和 預測值 'predicted' ), 這兩維都具有相同的類('classes')的集合. 在列聯(lián)表中, 每個維度和類的組合是一個變量. 列聯(lián)表以表的形式, 可視化地表示多個變量的頻率分布.

使用混淆矩陣( scikit-learn 和 Tensorflow)

下面先介紹在 scikit-learn 和 tensorflow 中計算混淆矩陣的 API (Application Programming Interface) 接口函數(shù), 然后在一個示例中, 使用這兩個 API 函數(shù).

scikit-learn 混淆矩陣函數(shù) sklearn.metrics.confusion_matrix API 接口

skearn.metrics.confusion_matrix( y_true, # array, Gound true (correct) target values y_pred, # array, Estimated targets as returned by a classifier labels=None, # array, List of labels to index the matrix. sample_weight=None # array-like of shape = [n_samples], Optional sample weights)

在 scikit-learn 中, 計算混淆矩陣用來評估分類的準確度.

按照定義, 混淆矩陣 C 中的元素 Ci,j 等于真實值為組 i , 而預測為組 j 的觀測數(shù)(the number of observations). 所以對于二分類任務, 預測結(jié)果中, 正確的負例數(shù)(true negatives, TN)為 C0,0; 錯誤的負例數(shù)(false negatives, FN)為 C1,0; 真實的正例數(shù)為 C1,1; 錯誤的正例數(shù)為 C0,1.

如果 labels 為 None, scikit-learn 會把在出現(xiàn)在 y_true 或 y_pred 中的所有值添加到標記列表 labels 中, 并排好序.

Tensorflow 混淆矩陣函數(shù) tf.confusion_matrix API 接口

tf.confusion_matrix( labels, # 1-D Tensor of real labels for the classification task predictions, # 1-D Tensor of predictions for a givenclassification num_classes=None, # The possible number of labels the classification task can have dtype=tf.int32, # Data type of the confusion matrix name=None, # Scope name weights=None, # An optional Tensor whose shape matches predictions)

Tensorflow tf.confusion_matrix 中的 num_classes 參數(shù)的含義, 與 scikit-learn sklearn.metrics.confusion_matrix 中的 labels 參數(shù)相近, 是與標記有關的參數(shù), 表示類的總個數(shù), 但沒有列出具體的標記值. 在 Tensorflow 中一般是以整數(shù)作為標記, 如果標記為字符串等非整數(shù)類型, 則需先轉(zhuǎn)為整數(shù)表示. 如果 num_classes 參數(shù)為 None, 則把 labels 和 predictions 中的最大值 + 1, 作為num_classes 參數(shù)值.

tf.confusion_matrix 的 weights 參數(shù)和 sklearn.metrics.confusion_matrix 的 sample_weight 參數(shù)的含義相同, 都是對預測值進行加權(quán), 在此基礎上, 計算混淆矩陣單元的值.

使用示例

#!/usr/bin/env python# -*- coding: utf8 -*-'''Author: klchangDescription: A simple example for tf.confusion_matrix and sklearn.metrics.confusion_matrix.Date: 2018.9.8'''from __future__ import print_functionimport tensorflow as tfimport sklearn.metrics y_true = [1, 2, 4]y_pred = [2, 2, 4] # Build graph with tf.confusion_matrix operationsess = tf.InteractiveSession()op = tf.confusion_matrix(y_true, y_pred)op2 = tf.confusion_matrix(y_true, y_pred, num_classes=6, dtype=tf.float32, weights=tf.constant([0.3, 0.4, 0.3]))# Execute the graphprint ('confusion matrix in tensorflow: ')print ('1. default: n', op.eval())print ('2. customed: n', sess.run(op2))sess.close() # Use sklearn.metrics.confusion_matrix functionprint ('nconfusion matrix in scikit-learn: ')print ('1. default: n', sklearn.metrics.confusion_matrix(y_true, y_pred))print ('2. customed: n', sklearn.metrics.confusion_matrix(y_true, y_pred, labels=range(6), sample_weight=[0.3, 0.4, 0.3]))

以上這篇利用python中的matplotlib打印混淆矩陣實例就是小編分享給大家的全部內(nèi)容了,希望能給大家一個參考,也希望大家多多支持好吧啦網(wǎng)。

標簽: Python 編程
相關文章:
主站蜘蛛池模板: 欧美成人亚洲综合精品欧美激情 | 狠狠色噜狠狠狠狠色综合久 | 男人和女人的做刺激性视频 | 超级乱淫视频aⅴ播放视频 超级碰碰碰在线观看 | 亚洲综合久久综合激情久久 | 亚洲综合综合在线 | 欧美成人三级伦在线观看 | 手机在线精品视频每日更新 | 久久久久久久久久免免费精品 | 久久成年片色大黄全免费网站 | 久草综合视频 | zztt40.su黑料不打烊官网 | 欧美成人三级网站在线观看 | 牲欧美 | 九九视频在线看精品 | 台湾三级香港三级经典三在线 | 久99re视频9在线观看 | 欧美肥婆videoxxx | 一区国严二区亚洲三区 | 日韩欧美在线视频 | 91国语精品自产拍在线观看一 | 国产精品青草久久 | 国产午夜亚洲精品第一区 | 草草影院ccyy国产日本欧美 | 男人干女人的视频 | 国产年成美女网站视频免费看 | 亚洲欧洲日产国码二区首页 | 国产成人国产在线观看入口 | 亚洲欧美一二三区 | 成人a影片在线观看 | 国产一级毛片国产 | 国产a级三级三级三级中国 国产a级特黄的片子视频 | 日韩美女免费视频 | 久久免费精品 | 黄色在线网站 | a级国产乱理伦片在线观看99 | 国产一区二区三区精品久久呦 | 久久a 热6| 一级在线视频 | 亚洲91| 国产精品视频自拍 |