PyCM is a multi-class confusion matrix library written in Python that supports both input data vectors and direct matrix, and a proper tool for post-classification model evaluation that supports most classes and overall statistics parameters. PyCM is the swiss-army knife of confusion matrices, targeted mainly at data scientists that need a broad array of metrics for predictive models and accurate evaluation of a large variety of classifiers.
Fig1. ConfusionMatrix Block Diagram
⚠️ PyCM 3.9 is the last version to support Python 3.5
⚠️ PyCM 2.4 is the last version to support Python 2.7 & Python 3.4
⚠️ Plotting capability requires Matplotlib (>= 3.0.0) or Seaborn (>= 0.9.1)
pip install pycm==4.1
pip install .
conda install -c sepandhaghighi pycm
Add to PATH
optionInstall pip
optionpip install pycm
or pip3 install pycm
>> pyversion PYTHON_EXECUTABLE_FULL_PATH
Checking that the notebook is running on Google Colab or not.
import sys
try:
import google.colab
!{sys.executable} -m pip -q -q install pycm
except:
pass
from pycm import *
y_actu = [2, 0, 2, 2, 0, 1, 1, 2, 2, 0, 1, 2]
y_pred = [0, 0, 2, 1, 0, 2, 1, 0, 2, 0, 2, 2]
cm = ConfusionMatrix(y_actu, y_pred,digit=5)
digit
(the number of digits to the right of the decimal point in a number) is new in version 0.6 (default value : 5)cm
cm.actual_vector
cm.predict_vector
cm.classes
cm.class_stat
cm.statistic_result
prev versions (0.2 >)cm.overall_stat
_
removed from overall statistics names in version 1.6 cm.table
cm.matrix
cm.normalized_matrix
cm.normalized_table
matrix
, normalized_matrix
& normalized_table
added in version 1.5 (changed from print style)import numpy
y_actu = numpy.array([2, 0, 2, 2, 0, 1, 1, 2, 2, 0, 1, 2])
y_pred = numpy.array([0, 0, 2, 1, 0, 2, 1, 0, 2, 0, 2, 2])
cm = ConfusionMatrix(y_actu, y_pred,digit=5)
cm
numpy.array
support in versions > 0.7cm = ConfusionMatrix(y_actu, y_pred, classes=[1, 0, 2])
cm.print_matrix()
cm = ConfusionMatrix(y_actu, y_pred, classes=[0, 1])
cm.print_matrix()
cm = ConfusionMatrix(y_actu, y_pred, classes=[1, 0, 4])
cm.print_matrix()
classes
added in version 3.21 in cm
10 in cm
cm[1][1]
__getitem__
and __contains__
methods added in version 3.8cm2 = ConfusionMatrix(matrix={0: {0: 3, 1: 0, 2: 0}, 1: {0: 0, 1: 1, 2: 2}, 2: {0: 2, 1: 1, 2: 3}}, digit=5)
cm2
cm2.actual_vector
cm2.predict_vector
cm2.classes
cm2.class_stat
cm2.overall_stat
actual_vector
and predict_vector
are emptyarray = [[1, 2, 3], [4, 6, 1], [1, 2, 3]]
cm = ConfusionMatrix(matrix=array)
cm
cm.classes
cm.table
cm.matrix
cm.normalized_matrix
cm.normalized_table
cm.print_matrix()
import numpy
array = numpy.array([[1, 2, 3], [4, 6, 1], [1, 2, 3]])
cm = ConfusionMatrix(matrix=array)
cm
cm = ConfusionMatrix(matrix=array, classes=["L1", "L2", "L3"])
cm
From version 3.5
, ConfusionMatrix
is an iterator object.
for row, col in cm:
print(row, col)
cm_iter = iter(cm)
next(cm_iter)
cm_dict = dict(cm)
cm_dict
cm_list = list(cm)
cm_list
threshold
is added in version 0.9
for real value prediction.
For more information visit Example 3
file
is added in version 0.9.5
in order to load saved confusion matrix with .obj
format generated by save_obj
method.
For more information visit Example 4
sample_weight
is added in version 1.2
For more information visit Example 5
transpose
is added in version 1.2
in order to transpose input matrix (only in Direct CM
mode)
cm = ConfusionMatrix(matrix={0: {0: 3, 1: 0, 2: 0}, 1: {0: 0, 1: 1, 2: 2}, 2: {0: 2, 1: 1, 2: 3}}, digit=5, transpose=True)
cm.print_matrix()
metrics_off
is added in version 3.9
in order to bypass metrics calculation.
cm3 = ConfusionMatrix(y_actu, y_pred, metrics_off=True)
cm3.class_stat
cm3.overall_stat
relabel
method is added in version 1.5
in order to change ConfusionMatrix class names.
cm.relabel(mapping={0:"L1",1:"L2",2:"L3"}, sort=True)
cm
mapping
: mapping dictionary (type : dict
)sort
: flag for sorting new classes (type : bool
, default : False
)sort
added in version 3.9position
method is added in version 2.8
in order to find the indexes of observations in predict_vector
which made TP, TN, FP, FN.
cm3 = ConfusionMatrix(y_actu, y_pred, digit=5)
cm3.position()
to_array
method is added in version 2.9
in order to returns the confusion matrix in the form of a NumPy array. This can be helpful to apply different operations over the confusion matrix for different purposes such as aggregation, normalization, and combination.
cm.to_array()
cm.to_array(normalized=True)
cm.to_array(normalized=True, one_vs_all=True, class_name="L1")
normalized
: a flag for getting normalized confusion matrix (type : bool
, default : False
)one_vs_all
: one-vs-all mode flag (type : bool
, default : False
)class_name
: target class name for one-vs-all mode (type : any valid type
, default : None
)Confusion Matrix in NumPy array format
combine
method is added in version 3.0
in order to merge two confusion matrices. This option will be useful in mini-batch learning.
cm_combined = cm2.combine(cm3)
cm_combined.print_matrix()
other
: the other matrix that is going to be combined (type : ConfusionMatrix
)New ConfusionMatrix
plot
method is added in version 3.0
in order to plot a confusion matrix using Matplotlib or Seaborn.
import sys
!{sys.executable} -m pip -q -q install matplotlib;
!{sys.executable} -m pip -q -q install seaborn;
import matplotlib.pyplot as plt
cm.plot()
cm.plot(cmap=plt.cm.Greens, number_label=True, normalized=True)
cm.plot(plot_lib="seaborn", number_label=True)
cm.plot(cmap=plt.cm.Blues, number_label=True, one_vs_all=True, class_name="L1")
cm.plot(cmap=plt.cm.Reds, number_label=True, normalized=True, one_vs_all=True, class_name="L3")
normalized
:normalized flag for matrix (type : bool
, default : False
)one_vs_all
: one-vs-all mode flag (type : bool
, default : False
)class_name
: target class name for one-vs-all mode (type : any valid type
, default : None
)title
: plot title (type : str
, default : Confusion Matrix
)number_label
: number label flag (type : bool
, default : False
)cmap
: color map (type : matplotlib.colors.ListedColormap
, default : None
)plot_lib
: plotting library (type : str
, default : matplotlib
)Plot axes
This option has been added in version 1.9
to recommend the most related parameters considering the characteristics of the input dataset. The suggested parameters are selected according to some characteristics of the input such as being balance/imbalance and binary/multi-class. All suggestions can be categorized into three main groups: imbalanced dataset, binary classification for a balanced dataset, and multi-class classification for a balanced dataset. The recommendation lists have been gathered according to the respective paper of each parameter and the capabilities which had been claimed by the paper.
Fig2. Parameter Recommender Block Diagram
For determining if the dataset is imbalanced, we use the following strategy:
cm.imbalance
cm.binary
cm.recommended_list
is_imbalanced
parameter has been added in version 3.3
, so the user can indicate whether the concerned dataset is imbalanced or not. As long as the user does not provide any information in this regard, the automatic detection algorithm will be used.
cm4 = ConfusionMatrix(y_actu, y_pred, is_imbalanced=True)
cm4.imbalance
cm4 = ConfusionMatrix(y_actu, y_pred, is_imbalanced=False)
cm4.imbalance
is_imbalanced
, new in version 3.3 In version 2.0
, a method for comparing several confusion matrices is introduced. This option is a combination of several overall and class-based benchmarks. Each of the benchmarks evaluates the performance of the classification algorithm from good to poor and give them a numeric score. The score of good and poor performances are 1 and 0, respectively.
After that, two scores are calculated for each confusion matrices, overall and class-based. The overall score is the average of the score of seven overall benchmarks which are Landis & Koch, Cramer, Matthews, Goodman-Kruskal's Lambda A, Goodman-Kruskal's Lambda B, Krippendorff's Alpha, and Pearson's C. In the same manner, the class-based score is the average of the score of six class-based benchmarks which are Positive Likelihood Ratio Interpretation, Negative Likelihood Ratio Interpretation, Discriminant Power Interpretation, AUC value Interpretation, Matthews Correlation Coefficient Interpretation and Yule's Q Interpretation. It should be noticed that if one of the benchmarks returns none for one of the classes, that benchmarks will be eliminated in total averaging. If the user sets weights for the classes, the averaging over the value of class-based benchmark scores will transform to a weighted average.
If the user sets the value of by_class
boolean input True
, the best confusion matrix is the one with the maximum class-based score. Otherwise, if a confusion matrix obtains the maximum of both overall and class-based scores, that will be reported as the best confusion matrix, but in any other case, the compared object doesn’t select the best confusion matrix.
Fig3. Compare Block Diagram
This is how the overall and class-based scores are determined for each confusion matrix. Note that here $|Set|$ shows the cardinality of the set and the cardinality of each benchmark is equal to the maximum possible score for that benchmark.
cm2 = ConfusionMatrix(matrix={0: {0:2, 1:50, 2:6}, 1:{0:5, 1:50, 2:3}, 2:{0:1, 1:7, 2:50}})
cm3 = ConfusionMatrix(matrix={0: {0:50, 1:2, 2:6}, 1:{0:50, 1:5, 2:3}, 2:{0:1, 1:55, 2:2}})
cp = Compare({"cm2":cm2, "cm3":cm3})
print(cp)
cp.scores
cp.sorted
cp.best
cp.best_name
cp2 = Compare({"cm2":cm2, "cm3":cm3}, by_class=True, class_weight={0:5, 1:1, 2:1})
print(cp2)
cp3 = Compare({"cm2":cm2, "cm3":cm3}, class_benchmark_weight={"PLRI":0, "NLRI":0, "DPI":0, "AUCI":1, "MCCI":0, "QI":0})
print(cp3)
cp4 = Compare(
{"cm2":cm2, "cm3":cm3},
overall_benchmark_weight={"SOA1":1, "SOA2":0, "SOA3":0, "SOA4":0, "SOA5":0, "SOA6":1, "SOA7":0, "SOA8":0, "SOA9":0, "SOA10":0})
print(cp4)
Overall and class benchmark lists are available in CLASS_BENCHMARK_LIST
and OVERALL_BENCHMARK_LIST
from pycm import CLASS_BENCHMARK_LIST, OVERALL_BENCHMARK_LIST
print(CLASS_BENCHMARK_LIST)
print(OVERALL_BENCHMARK_LIST)
overall_benchmark_weight
and class_benchmark_weight
, new in version 3.3 ROCCurve
, added in version 3.7
, is devised to compute the Receiver Operating Characteristic (ROC) or simply ROC curve. In ROC curves, the Y axis represents the True Positive Rate, and the X axis represents the False Positive Rate. Thus, the ideal point is located at the top left of the curve, and a larger area under the curve represents better performance. ROC curve is a graphical representation of binary classifiers' performance. In PyCM, ROCCurve
binarizes the output based on the "One vs. Rest" strategy to provide an extension of ROC for multi-class classifiers. By getting the actual labels vector and the target probability estimates of the positive classes, this method is able to compute and plot TPR-FPR pairs for different discrimination thresholds and compute the area under the ROC curve.
The thresholds for which the TPR-FPR pairs are calculated can be either specified by users (by setting thresholds
input) or calculated automatically. Furthermore, sample weights can be adjusted via sample_weight
as an input; otherwise, they are assumed to be 1. ROCCurve
has two methods named area()
and plot()
. area()
provides the user with the value of area under curve, which can be calculated using either trapezoidal
(default method) or midpoint
numerical integral technique. plot()
is also provided to plot the given curve.
from pycm import ROCCurve
crv = ROCCurve(
actual_vector=numpy.array([1, 1, 2, 2]),
probs=numpy.array([[0.1, 0.9], [0.4, 0.6], [0.35, 0.65], [0.8, 0.2]]),
classes=[2, 1])
crv.thresholds
auc_trp = crv.area()
auc_trp[1]
auc_trp[2]
crv.plot(area=True, classes=[2])
PRCurve
, added in version 3.7
, is devised to compute the Precision-Recall curve in which the Y axis represents the Precision, and the X axis represents the Recall of a classifier. Thus, the ideal point is located at the top right of the curve, and a larger area under the curve represents better performance. Precision-Recall curve is a graphical representation of binary classifiers' performance. In PyCM, PRCurve
binarizes the output based on the "One vs. Rest" strategy to provide an extension of this curve for multi-class classifiers. By getting the actual labels vector and the target probability estimates of the positive classes, this method is able to compute and plot Precision-Recall pairs for different discrimination thresholds and compute the area under the curve.
The thresholds for which the Precision-Recall pairs are calculated can be either specified by users (by setting thresholds
input) or calculated automatically. Furthermore, sample weights can be adjusted via sample_weight
as an input; otherwise, they are assumed to be 1. PRCurve
has two methods named area()
and plot()
. area()
provides the user with the value of area under curve, which can be calculated using either trapezoidal
(default method) or midpoint
numerical integral technique. plot()
is also provided to plot the given curve.
from pycm import PRCurve
crv = PRCurve(
actual_vector=numpy.array([1, 1, 2, 2]),
probs=numpy.array([[0.1, 0.9], [0.4, 0.6], [0.35, 0.65], [0.8, 0.2]]),
classes=[2, 1])
crv.thresholds
auc_trp = crv.area()
auc_trp[1]
auc_trp[2]
crv.plot(area=True, classes=[2])
From version 4.0
, MultiLabelCM
has been added to calculate class-wise or sample-wise multilabel confusion matrices. In class-wise mode, confusion matrices are calculated for each class, and in sample-wise mode, they are generated per sample. All generated confusion matrices are binarized with a one-vs-rest transformation.
mlcm = MultiLabelCM(actual_vector=[{"cat", "bird"}, {"dog"}],
predict_vector=[{"cat"}, {"dog", "bird"}],
classes=["cat", "dog", "bird"])
print(mlcm.actual_vector_multihot)
print(mlcm.predict_vector_multihot)
mlcm.get_cm_by_class("cat").print_matrix()
mlcm.get_cm_by_sample(0).print_matrix()
online_help
function is added in version 1.1
in order to open each statistics definition in web browser.
>>> from pycm import online_help
>>> online_help("J")
>>> online_help("J", alt_link=True)
>>> online_help("SOA1(Landis & Koch)")
>>> online_help(2)
online_help()
(without argument)alt_link = True
online_help()
param
: input parameter (type : int or str
, default : None
)alt_link
: alternative link for document flag (type : bool
, default : False
)alt_link
, new in version 2.4 ConfusionMatrix
actual_vector
: python list
or numpy array
of any stringable objectspredict_vector
: python list
or numpy array
of any stringable objectsmatrix
: dict
digit
: int
threshold
: FunctionType (function or lambda)
file
: File object
sample_weight
: python list
or numpy array
of numberstranspose
: bool
classes
: python list
is_imbalanced
: bool
metrics_off
: bool
help(ConfusionMatrix)
for more informationmetrics_off
, new in version 3.9 Compare
cm_dict
: python dict
of ConfusionMatrix
object (str
: ConfusionMatrix
)by_class
: bool
class_weight
: python dict
of class weights (class_name
: float
)class_benchmark_weight
: python dict
of class benchmark weights (class_benchmark_name
: float
) overall_benchmark_weight
: python dict
of overall benchmark weights (overall_benchmark_name
: float
) digit
: int
help(Compare)
for more informationweight
renamed to class_weight
in version 3.3 overall_benchmark_weight
and class_benchmark_weight
, new in version 3.3 ROCCurve
actual_vector
: python list
or numpy array
of any stringable objectsprobs
: python list
or numpy array
classes
: python list
thresholds
: python list
or numpy array
sample_weight
: python list
or numpy array
help(ROCCurve)
for more informationPRCurve
actual_vector
: python list
or numpy array
of any stringable objectsprobs
: python list
or numpy array
classes
: python list
thresholds
: python list
or numpy array
sample_weight
: python list
or numpy array
help(PRCurve)
for more informationMultiLabelCM
actual_vector
: python list
or numpy array of sets
predict_vector
: python list
or numpy array of sets
sample_weight
: python list
or numpy array
classes
: python list
help(MultiLabelCM)
for more informationA true positive test result is one that detects the condition when the condition is present (correctly identified) [3].
cm.TP
A true negative test result is one that does not detect the condition when the condition is absent (correctly rejected) [3].
cm.TN
A false positive test result is one that detects the condition when the condition is absent (incorrectly identified) [3].
cm.FP
A false negative test result is one that does not detect the condition when the condition is present (incorrectly rejected) [3].
cm.FN
Number of positive samples. Also known as support (the number of occurrences of each class in y_true) [3].
cm.P
Number of negative samples [3].
cm.N
Number of positive outcomes [3].
cm.TOP
Number of negative outcomes [3].
cm.TON
Total sample size [3].
cm.POP
Sensitivity (also called the true positive rate, the recall, or probability of detection in some fields) measures the proportion of positives that are correctly identified as such (e.g. the percentage of sick people who are correctly identified as having the condition) [3].
cm.TPR
Specificity (also called the true negative rate) measures the proportion of negatives that are correctly identified as such (e.g. the percentage of healthy people who are correctly identified as not having the condition) [3].
cm.TNR
Positive predictive value (PPV) is the proportion of positives that correspond to the presence of the condition [3].
cm.PPV
Negative predictive value (NPV) is the proportion of negatives that correspond to the absence of the condition [3].
cm.NPV
The false negative rate is the proportion of positives which yield negative test outcomes with the test, i.e., the conditional probability of a negative test result given that the condition being looked for is present [3].
cm.FNR
The false positive rate is the proportion of all negatives that still yield positive test outcomes, i.e., the conditional probability of a positive test result given an event that was not present [3].
The false positive rate is equal to the significance level. The specificity of the test is equal to $ 1 $ minus the false positive rate.
cm.FPR
The false discovery rate (FDR) is a method of conceptualizing the rate of type I errors in null hypothesis testing when conducting multiple comparisons. FDR-controlling procedures are designed to control the expected proportion of "discoveries" (rejected null hypotheses) that are false (incorrect rejections) [3].
cm.FDR
False omission rate (FOR) is a statistical method used in multiple hypothesis testing to correct for multiple comparisons and it is the complement of the negative predictive value. It measures the proportion of false negatives which are incorrectly rejected [3].
cm.FOR
The accuracy is the number of correct predictions from all predictions made [3].
cm.ACC
The error rate is the number of incorrect predictions from all predictions made [3].
cm.ERR
In statistical analysis of classification, the F1 score (also F-score or F-measure) is a measure of a test's accuracy. It considers both the precision $ p $ and the recall $ r $ of the test to compute the score. The F1 score is the harmonic average of the precision and recall, where F1 score reaches its best value at $ 1 $ (perfect precision and recall) and worst at $ 0 $ [3].
cm.F1
cm.F05
cm.F2
cm.F_beta(beta=4)
beta
: beta parameter (type : float
){class1: FBeta-Score1, class2: FBeta-Score2, ...}
The Matthews correlation coefficient is used in machine learning as a measure of the quality of binary (two-class) classifications, introduced by biochemist Brian W. Matthews in 1975. It takes into account true and false positives and negatives and is generally regarded as a balanced measure that can be used even if the classes are of very different sizes. The MCC is, in essence, a correlation coefficient between the observed and predicted binary classifications; it returns a value between $ −1 $ and $ +1 $. A coefficient of $ +1 $ represents a perfect prediction, $ 0 $ no better than random prediction and $ −1 $ indicates total disagreement between prediction and observation [27].
cm.MCC
The informedness of a prediction method as captured by a contingency matrix is defined as the probability that the prediction method will make a correct decision as opposed to guessing and is calculated using the bookmaker algorithm [2].
Equals to Youden Index
cm.BM
In statistics and psychology, the social science concept of markedness is quantified as a measure of how much one variable is marked as a predictor or possible cause of another and is also known as $ \triangle P $ in simple two-choice cases [2].
cm.MK
Likelihood ratios are used for assessing the value of performing a diagnostic test. They use the sensitivity and specificity of the test to determine whether a test result usefully changes the probability that a condition (such as a disease state) exists. The first description of the use of likelihood ratios for decision rules was made at a symposium on information theory in 1954 [28].
cm.PLR
LR+
renamed to PLR
in version 1.5 Likelihood ratios are used for assessing the value of performing a diagnostic test. They use the sensitivity and specificity of the test to determine whether a test result usefully changes the probability that a condition (such as a disease state) exists. The first description of the use of likelihood ratios for decision rules was made at a symposium on information theory in 1954 [28].
cm.NLR
LR-
renamed to NLR
in version 1.5 The diagnostic odds ratio is a measure of the effectiveness of a diagnostic test. It is defined as the ratio of the odds of the test being positive if the subject has a disease relative to the odds of the test being positive if the subject does not have the disease [28].
cm.DOR
Prevalence is a statistical concept referring to the number of cases of a disease that are present in a particular population at a given time (Reference Likelihood) [14].
cm.PRE
The geometric mean of precision and sensitivity, also known as Fowlkes–Mallows index [3].
cm.G
The expected accuracy from a strategy of randomly guessing categories according to reference and response distributions [24].
cm.RACC
The expected accuracy from a strategy of randomly guessing categories according to the average of the reference and response distributions [25].
cm.RACCU
The Jaccard index, also known as Intersection over Union and the Jaccard similarity coefficient (originally coined coefficient de communauté by Paul Jaccard), is a statistic used for comparing the similarity and diversity of sample sets [29].
Some articles also named it as the F* (An Interpretable Transformation of the F-measure) [77].
cm.J
cm.IS
CEN based upon the concept of entropy for evaluating classifier performances. By exploiting the misclassification information of confusion matrices, the measure evaluates the confusion level of the class distribution of misclassified samples. Both theoretical analysis and statistical results show that the proposed measure is more discriminating than accuracy and RCI while it remains relatively consistent with the two measures. Moreover, it is more capable of measuring how the samples of different classes have been separated from each other. Hence the proposed measure is more precise than the two measures and can substitute for them to evaluate classifiers in classification applications [17].
cm.CEN
Modified version of CEN [19].
cm.MCEN
The area under the curve (often referred to as simply the AUC) is equal to the probability that a classifier will rank a randomly chosen positive instance higher than a randomly chosen negative one (assuming 'positive' ranks higher than 'negative'). Thus, AUC corresponds to the arithmetic mean of sensitivity and specificity values of each class [23].
cm.AUC
Euclidean distance of a ROC point from the top left corner of the ROC space, which can take values between 0 (perfect classification) and $ \sqrt{2} $ [23].
cm.dInd
sInd is comprised between $ 0 $ (no correct classifications) and $ 1 $ (perfect classification) [23].
cm.sInd
Discriminant power (DP) is a measure that summarizes sensitivity and specificity. The DP has been used mainly in feature selection over imbalanced data [33].
cm.DP
Youden’s index evaluates the algorithm’s ability to avoid failure; it’s derived from sensitivity and specificity and denotes a linear correspondence balanced accuracy. As Youden’s index is a linear transformation of the mean sensitivity and specificity, its values are difficult to interpret, we retain that a higher value of Y indicates better ability to avoid failure. Youden’s index has been conventionally used to evaluate tests diagnostic, improve the efficiency of Telemedical prevention [33] [34].
Equals to Bookmaker Informedness
cm.Y
For more information visit [33].
PLR | Model contribution |
1 > | Negligible |
1 - 5 | Poor |
5 - 10 | Fair |
> 10 | Good |
cm.PLRI
For more information visit [48].
NLR | Model contribution |
0.5 - 1 | Negligible |
0.2 - 0.5 | Poor |
0.1 - 0.2 | Fair |
0.1 > | Good |
cm.NLRI
For more information visit [33].
DP | Model contribution |
1 > | Poor |
1 - 2 | Limited |
2 - 3 | Fair |
> 3 | Good |
cm.DPI
For more information visit [33].
AUC | Model performance |
0.5 - 0.6 | Poor |
0.6 - 0.7 | Fair |
0.7 - 0.8 | Good |
0.8 - 0.9 | Very Good |
0.9 - 1.0 | Excellent |
cm.AUCI
MCC | Interpretation |
0.3 > | Negligible |
0.3 - 0.5 | Weak |
0.5 - 0.7 | Moderate |
0.7 - 0.9 | Strong |
0.9 - 1.0 | Very Strong |
cm.MCCI
For more information visit [67].
Q | Interpretation |
0.25 > | Negligible |
0.25 - 0.5 | Weak |
0.5 - 0.75 | Moderate |
> 0.75 | Strong |
cm.QI
A chance-standardized variant of the AUC is given by Gini coefficient, taking values between $ 0 $ (no difference between the score distributions of the two classes) and $ 1 $ (complete separation between the two distributions). Gini coefficient is widespread use metric in imbalanced data learning [33].
cm.GI
cm.LS
Difference between automatic and manual classification i.e., the difference between positive outcomes and of positive samples.
cm.AM
In ecology and biology, the Bray–Curtis dissimilarity, named after J. Roger Bray and John T. Curtis, is a statistic used to quantify the compositional dissimilarity between two different sites, based on counts at each site [37].
cm.BCD
Optimized precision is a type of hybrid threshold metric and has been proposed as a discriminator for building an optimized heuristic classifier. This metric is a combination of accuracy, sensitivity and specificity metrics. The sensitivity and specificity metrics were used for stabilizing and optimizing the accuracy performance when dealing with an imbalanced class of two-class problems [40] [42].
cm.OP
cm.IBA
cm.IBA_alpha(0.5)
cm.IBA_alpha(0.1)
alpha
: alpha parameter (type : float
){class1: IBA1, class2: IBA2, ...}
cm.GM
In statistics, Yule's Q, also known as the coefficient of colligation, is a measure of association between two binary variables [45].
cm.Q
An adjusted version of the geometric mean of specificity and sensitivity [46].
cm.AGM
The F-measures used only three of the four elements of the confusion matrix and hence two classifiers with different TNR values may have the same F-score. Therefore, the AGF metric is introduced to use all elements of the confusion matrix and provide more weights to samples which are correctly classified in the minority class [50].
cm.AGF
The overlap coefficient, or Szymkiewicz–Simpson coefficient, is a similarity measure that measures the overlap between two finite sets. It is defined as the size of the intersection divided by the smaller of the size of the two sets [52].
cm.OC
cm.BB
In biology, there is a similarity index, known as the Otsuka-Ochiai coefficient named after Yanosuke Otsuka and Akira Ochiai, also known as the Ochiai-Barkman or Ochiai coefficient. If sets are represented as bit vectors, the Otsuka-Ochiai coefficient can be seen to be the same as the cosine similarity [53].
cm.OOC
The Tversky index, named after Amos Tversky, is an asymmetric similarity measure on sets that compares a variant to a prototype. The Tversky index can be seen as a generalization of Dice's coefficient and Tanimoto coefficient [54].
cm.TI(2,3)
alpha
: alpha coefficient (type : float
)beta
: beta coefficient (type : float
){class1: TI1, class2: TI2, ...}
cm.AUPR
The Individual Classification Success Index (ICSI), is a class-specific symmetric measure defined for classification assessment purpose. ICSI is hence $ 1 $ minus the sum of type I and type II errors. It ranges from $ -1 $ (both errors are maximal, i.e. $ 1 $) to $ 1 $ (both errors are minimal, i.e. $ 0 $), but the value $ 0 $ does not have any clear meaning. The measure is symmetric, and linearly related to the arithmetic mean of TPR and PPV [58].
cm.ICSI
In statistics, a confidence interval (CI) is a type of interval estimate (of a population parameter) that is computed from the observed data. The confidence level is the frequency (i.e., the proportion) of possible confidence intervals that contain the true value of their corresponding parameter. In other words, if confidence intervals are constructed using a given confidence level in an infinite number of independent experiments, the proportion of those intervals that contain the true value of the parameter will match the confidence level [31].
Supported statistics : ACC
,AUC
,PRE
,Overall ACC
,Kappa
,TPR
,TNR
,PPV
,NPV
,PLR
,NLR
Supported alpha values (two-sided) : 0.001, 0.002, 0.01, 0.02, 0.05, 0.1, 0.2
Supported alpha values (one-sided) : 0.0005, 0.001, 0.005, 0.01, 0.05, 0.1
Confidence intervals for TPR
,TNR
,PPV
,NPV
,ACC
,PRE
and Overall ACC
are calculated using the normal approximation to the binomial distribution [59], Wilson score [62] and Agresti-Coull method [63]:
Confidence intervals for NLR
and PLR
are calculated using the log method [60] :
Confidence interval for AUC
is calculated using Hanley and McNeil formula [61] :
cm.CI("TPR")
cm.CI("FNR", alpha=0.001, one_sided=True)
cm.CI("PRE", alpha=0.05, binom_method="wilson")
cm.CI("Overall ACC", alpha=0.02, binom_method="agresti-coull")
cm.CI("Overall ACC", alpha=0.05)
param
: input parameter (type : str
)alpha
: type I error (type : float
, default : 0.05
)one_sided
: one-sided mode flag (type : bool
, default : False
)binom_method
: binomial confidence intervals method (type : str
, default : normal-approx
){class1: [SE1, (Lower CI, Upper CI)], ...}
{class1: [SE1, (Lower one-sided CI, Upper one-sided CI)], ...}
Vickers and Elkin (2006) suggested considering a range of thresholds and calculating the NB across these thresholds. The results can be plotted in a decision curve [66].
cm.NB(w=0.059)
w
: weight{class1: NB1, class2: NB2, ...}
Here "average" refers to the arithmetic mean, the sum of the numbers divided by how many numbers are being averaged.
cm.average("PPV")
cm.average("F1")
cm.average("DOR", none_omit=True)
param
: input parameter (type : str
)none_omit
: none items omitting flag (type : bool
, default : False
)Average
The weighted average is similar to an ordinary average, except that instead of each of the data points contributing equally to the final average, some data points contribute more than others.
Default weight is condition positive (number of positive samples).
cm.weighted_average("PPV")
cm.weighted_average("F1")
cm.weighted_average("DOR", none_omit=True)
cm.weighted_average("F1", weight={"L1": 23, "L2": 2, "L3": 1})
param
: input parameter (type : str
)weight
: explicitly passes weights (type : dict
, default : None
)none_omit
: none items omitting flag (type : bool
, default : False
)Weighted average
The sensitivity index or d′ is a statistic used in signal detection theory. It provides the separation between the means of the signal and the noise distributions, compared against the standard deviation of the signal or noise distribution. d′ can be estimated from the observed hit rate and false-alarm rate, as follows [76]:
Function Z(p), p ∈ [0,1], is the inverse of the cumulative distribution function of the Gaussian distribution.
cm.sensitivity_index()
{class1: SI1, class2: SI2, ...}
In information theory, the Hamming distance between two strings of equal length is the number of positions at which the corresponding symbols are different. In other words, it measures the minimum number of substitutions required to change one string into the other, or the minimum number of errors that could have transformed one string into the other. In a more general context, the Hamming distance is one of several string metrics for measuring the edit distance between two sequences. It is named after the American mathematician Richard Hamming [80] [81].
A major application is in coding theory, more specifically to block codes, in which the equal-length strings are vectors over a finite field.
cm.HD
Kappa is a statistic that measures inter-rater agreement for qualitative (categorical) items. It is generally thought to be a more robust measure than simple percent agreement calculation, as kappa takes into account the possibility of the agreement occurring by chance [24].
cm.Kappa
The unbiased kappa value is defined in terms of total accuracy and a slightly different computation of expected likelihood that averages the reference and response probabilities [25].
Equals to Scott's Pi
cm.KappaUnbiased
Prevalence-adjusted and bias-adjusted kappa (PABAK) [14].
cm.KappaNoPrevalence
cm.weighted_kappa(
weight={
"L1": {"L1": 0, "L2": 1, "L3": 2},
"L2": {"L1": 1, "L2": 0, "L3": 1},
"L3": {"L1": 2, "L2": 1, "L3": 0}})
cm.weighted_kappa()
weight
: weight matrix (type : dict
, default : None
)Weighted kappa
cm.Kappa_SE
cm.Kappa_CI
Pearson's chi-squared test is a statistical test applied to sets of categorical data to evaluate how likely it is that any observed difference between the sets arose by chance. It is suitable for unpaired data from large samples [10].
cm.Chi_Squared
Number of degrees of freedom of this confusion matrix for the chi-squared statistic [10].
cm.DF
In statistics, the phi coefficient (or mean square contingency coefficient) is a measure of association for two binary variables. Introduced by Karl Pearson, this measure is similar to the Pearson correlation coefficient in its interpretation. In fact, a Pearson correlation coefficient estimated for two binary variables will return the phi coefficient [10].
cm.Phi_Squared
In statistics, Cramér's V (sometimes referred to as Cramér's phi) is a measure of association between two nominal variables, giving a value between $ 0 $ and $ +1 $ (inclusive). It is based on Pearson's chi-squared statistic and was published by Harald Cramér in 1946 [26].
cm.V
The standard error (SE) of a statistic (usually an estimate of a parameter) is the standard deviation of its sampling distribution or an estimate of that standard deviation [31].
cm.SE
In statistics, a confidence interval (CI) is a type of interval estimate (of a population parameter) that is computed from the observed data. The confidence level is the frequency (i.e., the proportion) of possible confidence intervals that contain the true value of their corresponding parameter. In other words, if confidence intervals are constructed using a given confidence level in an infinite number of independent experiments, the proportion of those intervals that contain the true value of the parameter will match the confidence level [31].
cm.CI95
CI
renamed to CI95
in version 2.5 Bennett, Alpert & Goldstein’s S is a statistical measure of inter-rater agreement. It was created by Bennett et al. in 1954. Bennett et al. suggested adjusting inter-rater reliability to accommodate the percentage of rater agreement that might be expected by chance was a better measure than a simple agreement between raters [8].
cm.S
Scott's pi (named after William A. Scott) is a statistic for measuring inter-rater reliability for nominal data in communication studies. Textual entities are annotated with categories by different annotators, and various measures are used to assess the extent of agreement between the annotators, one of which is Scott's pi. Since automatically annotating text is a popular problem in natural language processing, and the goal is to get the computer program that is being developed to agree with the humans in the annotations it creates, assessing the extent to which humans agree with each other is important for establishing a reasonable upper limit on computer performance [7].
Equals to Kappa Unbiased
cm.PI
AC1 was originally introduced by Gwet in 2001 (Gwet, 2001). The interpretation of AC1 is similar to generalized kappa (Fleiss, 1971), which is used to assess inter-rater reliability when there are multiple raters. Gwet (2002) demonstrated that AC1 can overcome the limitations that kappa is sensitive to trait prevalence and rater's classification probabilities (i.e., marginal probabilities), whereas AC1 provides more robust measure of inter-rater reliability [6].
cm.AC1
The entropy of the decision problem itself as defined by the counts for the reference. The entropy of a distribution is the average negative log probability of outcomes [30].
cm.ReferenceEntropy
The entropy of the response distribution. The entropy of a distribution is the average negative log probability of outcomes [30].
cm.ResponseEntropy
The cross-entropy of the response distribution against the reference distribution. The cross-entropy is defined by the negative log probabilities of the response distribution weighted by the reference distribution [30].
cm.CrossEntropy
The entropy of the joint reference and response distribution as defined by the underlying matrix [30].
cm.JointEntropy
The entropy of the distribution of categories in the response given that the reference category was as specified [30].
cm.ConditionalEntropy
cm.KL
Mutual information is defined as Kullback-Leibler divergence, between the product of the individual distributions and the joint distribution. Mutual information is symmetric. We could also subtract the conditional entropy of the reference given the response from the reference entropy to get the same result [11] [30].
cm.MutualInformation
In probability theory and statistics, Goodman & Kruskal's lambda is a measure of proportional reduction in error in cross tabulation analysis [12].
cm.LambdaA
In probability theory and statistics, Goodman & Kruskal's lambda is a measure of proportional reduction in error in cross tabulation analysis [13].
cm.LambdaB
For more information visit [1].
Kappa | Strength of Agreement |
0 > | Poor |
0 - 0.2 | Slight |
0.2 – 0.4 | Fair |
0.4 – 0.6 | Moderate |
0.6 – 0.8 | Substantial |
0.8 – 1.0 | Almost perfect |
cm.SOA1
For more information visit [4].
Kappa | Strength of Agreement |
0.40 > | Poor |
0.40 - 0.75 | Intermediate to Good |
More than 0.75 | Excellent |
cm.SOA2
For more information visit [5].
Kappa | Strength of Agreement |
0.2 > | Poor |
0.2 – 0.4 | Fair |
0.4 – 0.6 | Moderate |
0.6 – 0.8 | Good |
0.8 – 1.0 | Very Good |
cm.SOA3
For more information visit [9].
Kappa | Strength of Agreement |
0.40 > | Poor |
0.40 – 0.59 | Fair |
0.59 – 0.74 | Good |
0.74 – 1.00 | Excellent |
cm.SOA4
For more information visit [47].
Cramer's V | Strength of Association |
0.1 > | Negligible |
0.1 – 0.2 | Weak |
0.2 – 0.4 | Moderate |
0.4 – 0.6 | Relatively Strong |
0.6 – 0.8 | Strong |
0.8 – 1.0 | Very Strong |
cm.SOA5
Overall MCC | Strength of Association |
0.3 > | Negligible |
0.3 - 0.5 | Weak |
0.5 - 0.7 | Moderate |
0.7 - 0.9 | Strong |
0.9 - 1.0 | Very Strong |
cm.SOA6
For more information visit [84].
Lambda A | Strength of Association |
0 - 0.2 | Very Weak |
0.2 - 0.4 | Weak |
0.4 - 0.6 | Moderate |
0.6 - 0.8 | Strong |
0.8 - 1.0 | Very Strong |
1.0 | Perfect |
cm.SOA7
For more information visit [84].
Lambda B | Strength of Association |
0 - 0.2 | Very Weak |
0.2 - 0.4 | Weak |
0.4 - 0.6 | Moderate |
0.6 - 0.8 | Strong |
0.8 - 1.0 | Very Strong |
1.0 | Perfect |
cm.SOA8
For more information visit [85].
Alpha | Strength of Agreement |
0.667 > | Low |
0.667 - 0.8 | Tentative |
0.8 < | High |
cm.SOA9
For more information visit [86].
C | Strength of Association |
0 - 0.1 | Not Appreciable |
0.1 - 0.2 | Weak |
0.2 - 0.3 | Medium |
0.3 < | Strong |
cm.SOA10
For more information visit [3].
cm.Overall_ACC
For more information visit [24].
cm.Overall_RACC
For more information visit [25].
cm.Overall_RACCU
For more information visit [3].
Equals to TPR Micro, F1 Micro and Overall ACC
cm.PPV_Micro
For more information visit [3].
cm.NPV_Micro
For more information visit [3].
Equals to PPV Micro, F1 Micro and Overall ACC
cm.TPR_Micro
For more information visit [3].
cm.TNR_Micro
For more information visit [3].
cm.FPR_Micro
For more information visit [3].
cm.FNR_Micro
For more information visit [3].
Equals to PPV Micro, TPR Micro and Overall ACC
cm.F1_Micro
For more information visit [3].
cm.PPV_Macro
For more information visit [3].
cm.NPV_Macro
For more information visit [3].
cm.TPR_Macro
For more information visit [3].
cm.TNR_Macro
For more information visit [3].
cm.FPR_Macro
For more information visit [3].
cm.FNR_Macro
For more information visit [3].
cm.F1_Macro
For more information visit [3].
cm.ACC_Macro
For more information visit [29].
cm.Overall_J
The average Hamming loss or Hamming distance between two sets of samples [31].
cm.HammingLoss
Zero-one loss is a common loss function used with classification learning. It assigns $ 0 $ to loss for a correct classification and $ 1 $ for an incorrect classification [31].
cm.ZeroOneLoss
Largest class percentage in the data [57].
cm.NIR
In statistical hypothesis testing, the p-value or probability value is, for a given statistical model, the probability that, when the null hypothesis is true, the statistical summary (such as the absolute value of the sample mean difference between two compared groups) would be greater than or equal to the actual observed results [31] .
Here a one-sided binomial test to see if the accuracy is better than the no information rate [57].
cm.PValue
For more information visit [17].
cm.Overall_CEN
For more information visit [19].
cm.Overall_MCEN
cm.Overall_MCC
For more information visit [21].
cm.RR
As an evaluation tool, CBA creates an overall assessment of model predictive power by scrutinizing measures simultaneously across each class in a conservative manner that guarantees that a model’s ability to recall observations from each class and its ability to do so efficiently won’t fall below the bound [22] [51].
cm.CBA
When dealing with multiclass problems, a global measure of classification performances based on the ROC approach (AUNU) has been proposed as the average of single-class measures [23].
cm.AUNU
Another option (AUNP) is that of averaging the $ AUC_i $ values with weights proportional to the number of samples experimentally belonging to each class, that is, the a priori class distribution [23].
cm.AUNP
cm.RCI
cm.C
The Classification Success Index (CSI) is an overall measure defined by averaging ICSI over all classes [58].
cm.CSI
The Rand index or Rand measure (named after William M. Rand) in statistics, and in particular in data clustering, is a measure of the similarity between two data clusterings. A form of the Rand index may be defined that is adjusted for the chance grouping of elements, this is the adjusted Rand index. From a mathematical standpoint, Rand index is related to the accuracy, but is applicable even when class labels are not used [68].
The Adjusted Rand Index (ARI) is frequently used in cluster validation since it is a measure of agreement between two partitions: one given by the clustering process and the other defined by external criteria, but it can also be used in supervised learning [69].
cm.ARI
cm.B
Krippendorff's alpha coefficient, named after academic Klaus Krippendorff, is a statistical measure of the agreement achieved when coding a set of units of analysis in terms of the values of a variable. Krippendorff's alpha generalizes several known statistics, often called measures of inter-coder agreement, inter-rater reliability, reliability of coding given sets of units (as distinct from unitizing) but it also distinguishes itself from statistics that are called reliability coefficients but are unsuitable to the particulars of coding data generated for subsequent analysis [74].
cm.Alpha
Weighted Krippendorff's alpha coefficient [74].
cm.weighted_alpha(
weight={
"L1": {"L1": 0, "L2": 1, "L3": 2},
"L2": {"L1": 1, "L2": 0, "L3": 1},
"L3": {"L1": 2, "L2": 1, "L3": 0}})
cm.weighted_alpha()
weight
: weight matrix (type : dict
, default : None
)Weighted alpha
Aickin's alpha coefficient [75].
cm.aickin_alpha()
cm.aickin_alpha(max_iter=2000, epsilon=0.00003)
epsilon
: difference threshold (type : float
, default : 0.0001
)max_iter
: maximum number of iterations (type : int
, default : 200
)Aickin's alpha
in which $f_t$ is the probability that was forecast, $o_t$ the actual outcome of the event at instance $t$ ($0$ if it does not happen and $1$ if it does happen) and $N$ is the number of forecasting instances.
cm_test = ConfusionMatrix([0, 1, 1, 0], [0.1, 0.9, 0.8, 0.3], threshold=lambda x: 1)
cm_test.brier_score()
cm_test.brier_score(pos_class=0)
pos_class
: positive class name (type : int/str
, default : None
)Brier score
pos_class
always defaults to the greater class name (i.e. max(classes)
), unless, the actual_vector
contains string. In that case, pos_class
does not have any default value, and it must be explicitly specified or else an error will result.In information theory, the cross-entropy between two probability distributions $p$ and $q$ over the same underlying set of events measures the average number of bits needed to identify an event drawn from the set if a coding scheme used for the set is optimized for an estimated probability distribution $q$, rather than the true distribution $p$. This is also known as the log loss (logarithmic loss or logistic loss); the terms "log loss" and "cross-entropy loss" are used interchangeably. [30].
cm_test.log_loss()
cm_test.log_loss(pos_class=0)
pos_class
: positive class name (type : int/str
, default : None
)normalize
: normalization flag (type : bool
, default : True
)Log loss
pos_class
always defaults to the greater class name (i.e. max(classes)
), unless, the actual_vector
contains string. In that case, pos_class
does not have any default value, and it must be explicitly specified or else an error will result.print(cm)
cm.print_matrix()
cm.matrix
cm.print_matrix(one_vs_all=True, class_name="L1")
sparse_cm = ConfusionMatrix(matrix={1: {1: 0, 2: 2}, 2: {1: 0, 2: 18}})
sparse_cm.print_matrix(sparse=True)
one_vs_all
: one-vs-all mode flag (type : bool
, default : False
)class_name
: target class name for one-vs-all mode (type : any valid type
, default : None
)sparse
: sparse mode printing flag (type : bool
, default : False
)one_vs_all
option, new in version 1.4 matrix()
renamed to print_matrix()
and matrix
return confusion matrix as dict
in version 1.5sparse
option, new in version 2.6 cm.print_normalized_matrix()
cm.normalized_matrix
cm.print_normalized_matrix(one_vs_all=True, class_name="L1")
sparse_cm.print_normalized_matrix(sparse=True)
one_vs_all
: one-vs-all mode flag (type : bool
, default : False
)class_name
: target class name for one-vs-all mode (type : any valid type
, default : None
)sparse
: sparse mode printing flag (type : bool
, default : False
)one_vs_all
option, new in version 1.4 normalized_matrix()
renamed to print_normalized_matrix()
and normalized_matrix
return normalized confusion matrix as dict
in version 1.5sparse
option, new in version 2.6 cm.stat()
cm.stat(overall_param=["Kappa"], class_param=["ACC", "AUC", "TPR"])
cm.stat(overall_param=["Kappa"], class_param=["ACC", "AUC", "TPR"], class_name=["L1", "L3"])
cm.stat(summary=True)
overall_param
: overall parameters list for print (type : list
, default : None
)class_param
: class parameters list for print (type : list
, default : None
)class_name
: class name (a subset of classes names) (type : list
, default : None
)summary
: summary mode flag (type : bool
, default : False
)cm.params()
in prev versions (0.2 >) overall_param
& class_param
, new in version 1.6 class_name
, new in version 1.7 summary
, new in version 2.4 cp.print_report()
print(cp)
import os
if "Document_files" not in os.listdir():
os.mkdir("Document_files")
cm.save_stat(os.path.join("Document_files", "cm1"))
cm.save_stat(
os.path.join("Document_files", "cm1_filtered"),
overall_param=["Kappa"],
class_param=["ACC", "AUC", "TPR"])
cm.save_stat(
os.path.join("Document_files", "cm1_filtered2"),
overall_param=["Kappa"],
class_param=["ACC", "AUC", "TPR"],
class_name=["L1"])
cm.save_stat(
os.path.join("Document_files", "cm1_summary"),
summary=True)
sparse_cm.save_stat(
os.path.join("Document_files", "sparse_cm"),
summary=True,
sparse=True)
cm.save_stat("cm1asdasd/")
name
: filename (type : str
)address
: flag for address return (type : bool
, default : True
)overall_param
: overall parameters list for save (type : list
, default : None
)class_param
: class parameters list for save (type : list
, default : None
)class_name
: class name (subset of classes names) (type : list
, default : None
)summary
: summary mode flag (type : bool
, default : False
)sparse
: sparse mode printing flag (type : bool
, default : False
)overall_param
& class_param
, new in version 1.6 class_name
, new in version 1.7 summary
, new in version 2.4 sparse
, new in version 2.6 cm.save_html(os.path.join("Document_files", "cm1"))
cm.save_html(
os.path.join("Document_files", "cm1_filtered"),
overall_param=["Kappa"],
class_param=["ACC", "AUC", "TPR"])
cm.save_html(
os.path.join("Document_files", "cm1_filtered2"),
overall_param=["Kappa"],
class_param=["ACC", "AUC", "TPR"],
class_name=["L1"])
cm.save_html(
os.path.join("Document_files", "cm1_colored"),
color=(255, 204, 255))
cm.save_html(
os.path.join("Document_files", "cm1_colored2"),
color="Crimson")
cm.save_html(
os.path.join("Document_files", "cm1_normalized"),
color="Crimson",
normalize=True)
cm.save_html(
os.path.join("Document_files", "cm1_summary"),
summary=True,
normalize=True)
cm.save_html("cm1asdasd/")
name
: filename (type : str
)address
: flag for address return (type : bool
, default : True
)overall_param
: overall parameters list for save (type : list
, default : None
)class_param
: class parameters list for save (type : list
, default : None
)class_name
: class name (subset of classes names) (type : list
, default : None
)color
: matrix color in RGB as (R, G, B) (type : tuple
/str
, default : (0,0,0)
), support X11 color namesnormalize
: save normalize matrix flag (type : bool
, default : False
)summary
: summary mode flag (type : bool
, default : False
)alt_link
: alternative link for document flag (type : bool
, default : False
)shortener
: class name shortener flag (type : bool
, default : True
)overall_param
& class_param
, new in version 1.6 class_name
, new in version 1.7 color
, new in version 1.8 normalize
, new in version 2.0 summary
and alt_link
, new in version 2.4 shortener
, new in version 3.2 alt_link=True
cm.save_csv(os.path.join("Document_files", "cm1"))
cm.save_csv(
os.path.join("Document_files", "cm1_filtered"),
class_param=["ACC", "AUC", "TPR"])
cm.save_csv(
os.path.join("Document_files", "cm1_filtered2"),
class_param=["ACC", "AUC", "TPR"],
normalize=True)
cm.save_csv(
os.path.join("Document_files", "cm1_filtered3"),
class_param=["ACC", "AUC", "TPR"],
class_name=["L1"])
cm.save_csv(
os.path.join("Document_files", "cm1_header"),
header=True)
cm.save_csv(
os.path.join("Document_files", "cm1_summary"),
summary=True,
matrix_save=False)
cm.save_csv("cm1asdasd/")
name
: filename (type : str
)address
: flag for address return (type : bool
, default : True
)class_param
: class parameters list for save (type : list
, default : None
)class_name
: class name (subset of classes names) (type : list
, default : None
)matrix_save
: save matrix flag (type : bool
, default : True
)normalize
: save normalize matrix flag (type : bool
, default : False
)summary
: summary mode flag (type : bool
, default : False
)header
: add headers to .csv file (type : bool
, default : False
)class_param
, new in version 1.6 class_name
, new in version 1.7 matrix_save
and normalize
, new in version 1.9 summary
, new in version 2.4 header
, new in version 2.6 cm.save_obj(os.path.join("Document_files", "cm1"))
cm.save_obj(
os.path.join("Document_files", "cm1_stat"),
save_stat=True)
cm.save_obj(
os.path.join("Document_files", "cm1_no_vectors"),
save_vector=False)
cm.save_obj("cm1asdasd/")
name
: filename (type : str
)address
: flag for address return (type : bool
, default : True
)save_stat
: save statistics flag (type : bool
, default : False
)save_vector
: save vectors flag (type : bool
, default : True
)save_vector
and save_stat
, new in version 2.3 cp.save_report(os.path.join("Document_files", "cp"))
cp.save_report("cm1asdasd/")
name
: filename (type : str
)address
: flag for address return (type : bool
, default : True
)try:
cm2 = ConfusionMatrix(y_actu, 2)
except pycmVectorError as e:
print(str(e))
try:
cm3 = ConfusionMatrix(y_actu, [1, 2, 3])
except pycmVectorError as e:
print(str(e))
try:
cm_4 = ConfusionMatrix([], [])
except pycmVectorError as e:
print(str(e))
try:
cm_5 = ConfusionMatrix([1, 1, 1, ], [1, 1, 1, 1])
except pycmVectorError as e:
print(str(e))
try:
cm3 = ConfusionMatrix(matrix={})
except pycmMatrixError as e:
print(str(e))
try:
cm_4 = ConfusionMatrix(matrix={1: {1: 2, "1": 2}, "1": {1: 2, "1": 3}})
except pycmMatrixError as e:
print(str(e))
try:
cm_5 = ConfusionMatrix(matrix={1: {1: 2}})
except pycmMatrixError as e:
print(str(e))
try:
cp = Compare([cm2, cm3])
except pycmCompareError as e:
print(str(e))
try:
cp = Compare({"cm1": cm, "cm2": cm2})
except pycmCompareError as e:
print(str(e))
try:
cp = Compare({"cm1": [], "cm2": cm2})
except pycmCompareError as e:
print(str(e))
try:
cp = Compare({"cm2": cm2})
except pycmCompareError as e:
print(str(e))
try:
cp = Compare(
{"cm1": cm2, "cm2": cm3},
by_class=True,
class_weight={1: 2, 2: 0})
except pycmCompareError as e:
print(str(e))
try:
cp = Compare(
{"cm1":cm2, "cm2":cm3},
class_benchmark_weight={1: 2, 2: 0})
except pycmCompareError as e:
print(str(e))
try:
cp = Compare(
{"cm1": cm2, "cm2": cm3},
overall_benchmark_weight={1: 2, 2: 0})
except pycmCompareError as e:
print(str(e))
try:
cm.CI("MCC")
except pycmCIError as e:
print(str(e))
try:
cm.CI(2)
except pycmCIError as e:
print(str(e))
try:
cm.average("AXY")
except pycmAverageError as e:
print(str(e))
try:
cm.weighted_average("AXY")
except pycmAverageError as e:
print(str(e))
try:
cm.weighted_average("AUC", weight={1: 22})
except pycmAverageError as e:
print(str(e))
try:
cm.position()
except pycmVectorError as e:
print(str(e))
try:
cm.combine(2)
except pycmMatrixError as e:
print(str(e))
try:
cm6 = ConfusionMatrix([1, 1, 1, 1], [1, 1, 1, 1], classes=[])
except pycmMatrixError as e:
print(str(e))
try:
cm7 = ConfusionMatrix([1, 1, 1, 1], [1, 1, 1, 1], classes=[1, 1, 2])
except pycmVectorError as e:
print(str(e))
try:
crv = ROCCurve([1, 2, 2, 1], {1, 2, 2, 1}, classes=[1, 2])
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve([1, 2, 2, 1],[[0.1, 0.9]], classes=[1, 2])
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
[1, 2, 2, 1],
[[0.1, 0.9], [0.1, 0.9], [0.1, 0.9], [0.2, 0.9]],
classes=[1, 2])
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
[1, 2, 2, 1],
[[0.1, 0.9], [0.1, 0.9], [0.1, 0.9], [0.1, 0.9]],
classes={1, 2})
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
[1, 2, 2, 1],
[[0.1, 0.9], [0.1, 0.9], [0.1, 0.9], [0.1, 0.9]],
classes=[1, 2, 3])
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
[1, 1, 1, 1],
[[0.1, 0.9], [0.1, 0.9], [0.1, 0.9], [0.1, 0.9]],
classes=[1])
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
[1, 2, 2, 1],
[[0.1, 0.9], [0.1, 0.9], [0.1, 0.9], [0.2, "s"]],
classes=[1, 2])
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
[1, 2, 2, 1],
[[0.1, 0.9],[0.1, 0.9], [0.1, 0.9], [0.2, 0.8]],
classes=[1, 2],
thresholds={1, 2})
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
[1, 2, 2, 1],
[[0.1, 0.9], [0.1, 0.9], [0.1, 0.9], [0.2, 0.8]],
classes=[1, 2],
thresholds=[0.1])
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
[1, 2, 2, 1],
[[0.1, 0.9], [0.1, 0.9], [0.1, 0.9], [0.2, 0.8]],
classes=[1, 2],
thresholds=[0.1, "q"])
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
[1, 2, 2, 1],
[[0.1, 0.9], [0.1, 0.9], [0.1, 0.9], [0.2, 0.8]],
classes=[1, 1, 2])
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
[1, 2, 2, 1],
[[0.1, 0.9], [0.1, 0.9], [0.1, 0.8, 0.1], [0.2, 0.8]],
classes=[1, 2])
except pycmCurveError as e:
print(str(e))
try:
crv = ROCCurve(
actual_vector=numpy.array([1, 1, 2, 2]),
probs=numpy.array([[0.1, 0.9], [0.4, 0.6], [0.35, 0.65], [0.8, 0.2]]),
classes=[2, 1])
crv.area(method="trpz")
except pycmCurveError as e:
print(str(e))
try:
mlcm = MultiLabelCM([[0, 1], [1, 1]], [[1, 0], [1, 0]])
except pycmVectorError as e:
print(str(e))
try:
mlcm = MultiLabelCM([{'dog'}, {'cat', 'dog'}], [{'cat'}, {'cat'}])
mlcm.get_cm_by_class(1)
except pycmMultiLabelError as e:
print(str(e))
try:
mlcm.get_cm_by_sample(2)
except pycmMultiLabelError as e:
print(str(e))
try:
mlcm = MultiLabelCM(2, [{1, 0}, {1, 0}])
except pycmVectorError as e:
print(str(e))
try:
mlcm = MultiLabelCM([{1, 0}, {1, 0}, {1,1}], [{1, 0}, {1, 0}])
except pycmVectorError as e:
print(str(e))
try:
mlcm = MultiLabelCM([], [])
except pycmVectorError as e:
print(str(e))
try:
mlcm = MultiLabelCM([{1, 0}, {1, 0}], [{1, 0}, {1, 0}], classes=[1,0,1])
except pycmVectorError as e:
print(str(e))
If you use PyCM in your research, we would appreciate citations to the following paper :
Haghighi, S., Jasemi, M., Hessabi, S. and Zolanvari, A. (2018). PyCM: Multiclass confusion matrix library in Python.
Journal of Open Source Software, 3(25), p.729.
@article{Haghighi2018, doi = {10.21105/joss.00729}, url = {https://doi.org/10.21105/joss.00729}, year = {2018}, month = {may}, publisher = {The Open Journal}, volume = {3}, number = {25}, pages = {729}, author = {Sepand Haghighi and Masoomeh Jasemi and Shaahin Hessabi and Alireza Zolanvari}, title = {{PyCM}: Multiclass confusion matrix library in Python}, journal = {Journal of Open Source Software} }
Download PyCM.bib
1- J. R. Landis and G. G. Koch, "The measurement of observer agreement for categorical data," biometrics, pp. 159-174, 1977.
2- D. M. Powers, "Evaluation: from precision, recall and F-measure to ROC, informedness, markedness and correlation," arXiv preprint arXiv:2010.16061, 2020.
3- C. Sammut and G. I. Webb, Encyclopedia of machine learning. Springer Science & Business Media, 2011.
4- J. L. Fleiss, "Measuring nominal scale agreement among many raters," Psychological bulletin, vol. 76, no. 5, p. 378, 1971.
5- D. G. Altman, Practical statistics for medical research. CRC press, 1990.
6- K. L. Gwet, "Computing inter-rater reliability and its variance in the presence of high agreement," British Journal of Mathematical and Statistical Psychology, vol. 61, no. 1, pp. 29-48, 2008.
7- W. A. Scott, "Reliability of content analysis: The case of nominal scale coding," Public opinion quarterly, pp. 321-325, 1955.
8- E. M. Bennett, R. Alpert, and A. Goldstein, "Communications through limited-response questioning," Public Opinion Quarterly, vol. 18, no. 3, pp. 303-308, 1954.
9- D. V. Cicchetti, "Guidelines, criteria, and rules of thumb for evaluating normed and standardized assessment instruments in psychology," Psychological assessment, vol. 6, no. 4, p. 284, 1994.
10- R. B. Davies, "Algorithm AS 155: The distribution of a linear combination of χ2 random variables," Applied Statistics, pp. 323-333, 1980.
11- S. Kullback and R. A. Leibler, "On information and sufficiency," The annals of mathematical statistics, vol. 22, no. 1, pp. 79-86, 1951.
12- L. A. Goodman and W. H. Kruskal, "Measures of association for cross classifications, IV: Simplification of asymptotic variances," Journal of the American Statistical Association, vol. 67, no. 338, pp. 415-421, 1972.
13- L. A. Goodman and W. H. Kruskal, "Measures of association for cross classifications III: Approximate sampling theory," Journal of the American Statistical Association, vol. 58, no. 302, pp. 310-364, 1963.
14- T. Byrt, J. Bishop, and J. B. Carlin, "Bias, prevalence and kappa," Journal of clinical epidemiology, vol. 46, no. 5, pp. 423-429, 1993.
15- M. Shepperd, D. Bowes, and T. Hall, "Researcher bias: The use of machine learning in software defect prediction," IEEE Transactions on Software Engineering, vol. 40, no. 6, pp. 603-616, 2014.
16- X. Deng, Q. Liu, Y. Deng, and S. Mahadevan, "An improved method to construct basic probability assignment based on the confusion matrix for classification problem," Information Sciences, vol. 340, pp. 250-261, 2016.
17- J.-M. Wei, X.-J. Yuan, Q.-H. Hu, and S.-Q. Wang, "A novel measure for evaluating classifiers," Expert Systems with Applications, vol. 37, no. 5, pp. 3799-3809, 2010.
18- I. Kononenko and I. Bratko, "Information-based evaluation criterion for classifier's performance," Machine learning, vol. 6, no. 1, pp. 67-80, 1991.
19- R. Delgado and J. D. Núnez-González, "Enhancing confusion entropy as measure for evaluating classifiers," in The 13th International Conference on Soft Computing Models in Industrial and Environmental Applications, 2018: Springer, pp. 79-89.
20- J. Gorodkin, "Comparing two K-category assignments by a K-category correlation coefficient," Computational biology and chemistry, vol.28, no. 5-6, pp. 367-374, 2004.
21- C. O. Freitas, J. M. De Carvalho, J. Oliveira, S. B. Aires, and R. Sabourin, "Confusion matrix disagreement for multiple classifiers," in Iberoamerican Congress on Pattern Recognition, 2007: Springer, pp. 387-396.
22- P. Branco, L. Torgo, and R. P. Ribeiro, "Relevance-based evaluation metrics for multi-class imbalanced domains," in Pacific-Asia Conference on Knowledge Discovery and Data Mining, 2017: Springer, pp. 698-710.
23- D. Ballabio, F. Grisoni, and R. Todeschini, "Multivariate comparison of classification performance measures," Chemometrics and Intelligent Laboratory Systems, vol. 174, pp. 33-44, 2018.
24- J. Cohen, "A coefficient of agreement for nominal scales," Educational and psychological measurement, vol. 20, no. 1, pp. 37-46, 1960.
25- S. Siegel, "Nonparametric statistics for the behavioral sciences," 1956.
26- H. Cramér, Mathematical methods of statistics. Princeton university press, 1999.
27- B. W. Matthews, "Comparison of the predicted and observed secondary structure of T4 phage lysozyme," Biochimica et Biophysica Acta (BBA)-Protein Structure, vol. 405, no. 2, pp. 442-451, 1975.
28- J. A. Swets, "The relative operating characteristic in psychology: a technique for isolating effects of response bias finds wide use in the study of perception and cognition," Science, vol. 182, no. 4116, pp. 990-1000, 1973.
29- P. Jaccard, "Étude comparative de la distribution florale dans une portion des Alpes et des Jura," Bull Soc Vaudoise Sci Nat, vol. 37, pp. 547-579, 1901.
30- T. M. Cover and J. A. Thomas, Elements of Information Theory. John Wiley & Sons, 2012.
31- E. S. Keeping, Introduction to statistical inference. Courier Corporation, 1995.
32- V. Sindhwani, P. Bhattacharya, and S. Rakshit, "Information theoretic feature crediting in multiclass support vector machines," in Proceedings of the 2001 SIAM International Conference on Data Mining, 2001: SIAM, pp. 1-18.
33- M. Bekkar, H. K. Djemaa, and T. A. Alitouche, "Evaluation measures for models assessment over imbalanced data sets," J Inf Eng Appl, vol. 3, no. 10, 2013.
34- W. J. Youden, "Index for rating diagnostic tests," Cancer, vol. 3, no. 1, pp. 32-35, 1950.
35- S. Brin, R. Motwani, J. D. Ullman, and S. Tsur, "Dynamic itemset counting and implication rules for market basket data," in Proceedings of the 1997 ACM SIGMOD international conference on Management of data, 1997, pp. 255-264.
36- S. Raschka, "MLxtend: Providing machine learning and data science utilities and extensions to Python's scientific computing stack," Journal of open source software, vol. 3, no. 24, p. 638, 2018.
37- J. R. Bray and J. T. Curtis, "An ordination of the upland forest communities of southern Wisconsin," Ecological monographs, vol. 27, no. 4, pp. 325-349, 1957.
38- J. L. Fleiss, J. Cohen, and B. S. Everitt, "Large sample standard errors of kappa and weighted kappa," Psychological bulletin, vol. 72, no. 5, p. 323, 1969.
39- M. Felkin, "Comparing classification results between n-ary and binary problems," in Quality Measures in Data Mining: Springer, 2007, pp. 277-301.
40- R. Ranawana and V. Palade, "Optimized precision-a new measure for classifier performance evaluation," in 2006 IEEE International Conference on Evolutionary Computation, 2006: IEEE, pp. 2254-2261.
41- V. García, R. A. Mollineda, and J. S. Sánchez, "Index of balanced accuracy: A performance measure for skewed class distributions," in Iberian conference on pattern recognition and image analysis, 2009: Springer, pp. 441-448.
42- P. Branco, L. Torgo, and R. P. Ribeiro, "A survey of predictive modeling on imbalanced domains," ACM Computing Surveys (CSUR), vol. 49, no. 2, pp. 1-50, 2016.
43- K. Pearson, "Notes on Regression and Inheritance in the Case of Two Parents," in Proceedings of the Royal Society of London, p. 240-242, 1895.
44- W. J. Conover, Practical nonparametric statistics. John Wiley & Sons, 1998.
45- G. U. Yule, "On the methods of measuring association between two attributes," Journal of the Royal Statistical Society, vol. 75, no. 6, pp. 579-652, 1912.
46- R. Batuwita and V. Palade, "A new performance measure for class imbalance learning. application to bioinformatics problems," in 2009 International Conference on Machine Learning and Applications, 2009: IEEE, pp. 545-550.
47- D. K. Lee, "Alternatives to P value: confidence interval and effect size," Korean journal of anesthesiology, vol. 69, no. 6, p. 555, 2016.
48- M. A. Raslich, R. J. Markert, and S. A. Stutes, "Selecting and interpreting diagnostic tests," Biochemia Medica, vol. 17, no. 2, pp. 151-161, 2007.
49- D. E. Hinkle, W. Wiersma, and S. G. Jurs, Applied statistics for the behavioral sciences. Houghton Mifflin College Division, 2003.
50- A. Maratea, A. Petrosino, and M. Manzo, "Adjusted F-measure and kernel scaling for imbalanced data learning," Information Sciences, vol. 257, pp. 331-341, 2014.
51- L. Mosley, "A balanced approach to the multi-class imbalance problem," 2013.
52- M. Vijaymeena and K. Kavitha, "A survey on similarity measures in text mining," Machine Learning and Applications: An International Journal, vol. 3, no. 2, pp. 19-28, 2016.
53- Y. Otsuka, "The faunal character of the Japanese Pleistocene marine Mollusca, as evidence of climate having become colder during the Pleistocene in Japan," Biogeograph Soc Japan, vol. 6, no. 16, pp. 165-170, 1936.
54- A. Tversky, "Features of similarity," Psychological review, vol. 84, no. 4, p. 327, 1977.
55- K. Boyd, K. H. Eng, and C. D. Page, "Area under the precision-recall curve: point estimates and confidence intervals," in Joint European conference on machine learning and knowledge discovery in databases, 2013: Springer, pp. 451-466.
56- J. Davis and M. Goadrich, "The relationship between Precision-Recall and ROC curves," in Proceedings of the 23rd international conference on Machine learning, 2006, pp. 233-240.
57- M. Kuhn, "Building predictive models in R using the caret package," J Stat Softw, vol. 28, no. 5, pp. 1-26, 2008.
58- V. Labatut and H. Cherifi, "Accuracy measures for the comparison of classifiers," arXiv preprint arXiv:1207.3790, 2012.
59- S. Wallis, "Binomial confidence intervals and contingency tests: mathematical fundamentals and the evaluation of alternative methods," Journal of Quantitative Linguistics, vol. 20, no. 3, pp. 178-208, 2013.
60- D. Altman, D. Machin, T. Bryant, and M. Gardner, Statistics with confidence: confidence intervals and statistical guidelines. John Wiley & Sons, 2013.
61- J. A. Hanley and B. J. McNeil, "The meaning and use of the area under a receiver operating characteristic (ROC) curve," Radiology, vol. 143, no. 1, pp. 29-36, 1982.
62- E. B. Wilson, "Probable inference, the law of succession, and statistical inference," Journal of the American Statistical Association, vol. 22, no. 158, pp. 209-212, 1927.
63- A. Agresti and B. A. Coull, "Approximate is better than “exact” for interval estimation of binomial proportions," The American Statistician, vol. 52, no. 2, pp. 119-126, 1998.
64- C. S. Peirce, "The numerical measure of the success of predictions," Science, no. 93, pp. 453-454, 1884.
65- E. W. Steyerberg, B. Van Calster, and M. J. Pencina, "Performance measures for prediction models and markers: evaluation of predictions and classifications," Revista Española de Cardiología (English Edition), vol. 64, no. 9, pp. 788-794, 2011.
66- A. J. Vickers and E. B. Elkin, "Decision curve analysis: a novel method for evaluating prediction models," Medical Decision Making, vol. 26, no. 6, pp. 565-574, 2006.
67- G. W. Bohrnstedt and D. Knoke,"Statistics for social data analysis," 1982.
68- W. M. Rand, "Objective criteria for the evaluation of clustering methods," Journal of the American Statistical association, vol. 66, no. 336, pp. 846-850, 1971.
69- J. M. Santos and M. Embrechts, "On the use of the adjusted rand index as a metric for evaluating supervised classification," in International conference on artificial neural networks, 2009: Springer, pp. 175-184.
70- J. Cohen, "Weighted kappa: nominal scale agreement provision for scaled disagreement or partial credit," Psychological bulletin, vol. 70, no. 4, p. 213, 1968.
71- R. Bakeman and J. M. Gottman, Observing interaction: An introduction to sequential analysis. Cambridge university press, 1997.
72- S. Bangdiwala, "A graphical test for observer agreement," in 45th International Statistical Institute Meeting, 1985, vol. 1985, p. 307.
73- K. Bangdiwala and H. Bryan, "Using SAS software graphical procedures for the observer agreement chart," in Proceedings of the SAS Users Group International Conference, 1987, vol. 12, pp. 1083-1088.
74- A. F. Hayes and K. Krippendorff, "Answering the call for a standard reliability measure for coding data," Communication methods and measures, vol. 1, no. 1, pp. 77-89, 2007.
75- M. Aickin, "Maximum likelihood estimation of agreement in the constant predictive probability model, and its relation to Cohen's kappa," Biometrics, pp. 293-302, 1990.
76- N. A. Macmillan and C. D. Creelman, Detectiontheory: A user's guide. Psychology press, 2004.
77- D. J. Hand, P. Christen, and N. Kirielle, "F*: an interpretable transformation of the F-measure," Machine Learning, vol. 110, no. 3, pp. 451-456, 2021.
78- G. W. Brier, "Verification of forecasts expressed in terms of probability," Monthly weather review, vol. 78, no. 1, pp. 1-3, 1950.
79- L. Buitinck et al., "API design for machine learning software: experiences from the scikit-learn project," arXiv preprint arXiv:1309.0238, 2013.
80- R. W. Hamming, "Error detecting and error correcting codes," The Bell system technical journal, vol. 29, no. 2, pp. 147-160, 1950.
81- S. S. Choi, S. H. Cha, and C. C. Tappert, "A survey of binary similarity and distance measures," Journal of systemics, cybernetics and informatics, vol. 8, no. 1, pp. 43-48, 2010.
82- J. Braun-Blanquet, "Plant sociology. The study of plant communities," Plant sociology. The study of plant communities. First ed., 1932.
83- C. C. Little, "Abydos Documentation," 2020.
84- K. Villela, A. Silva, T. Vale, and E. S. de Almeida, "A survey on software variability management approaches," in Proceedings of the 18th International Software Product Line Conference-Volume 1, 2014, pp. 147-156.
85- J. R. Saura, A. Reyes-Menendez, and P. Palos-Sanchez, "Are black Friday deals worth it? Mining Twitter users’ sentiment and behavior response," Journal of Open Innovation: Technology, Market, and Complexity, vol. 5, no. 3, p. 58, 2019.
86- P. Schubert and U. Leimstoll, "Importance and use of information technology in small and medium‐sized companies," Electronic Markets, vol. 17, no. 1, pp. 38-55, 2007.