美文网首页
分类准确度

分类准确度

作者: Waldo_cuit | 来源:发表于2018-03-10 15:46 被阅读0次
image.png
image.png
image.png
image.png
image.png
  • metric函数
import numpy as np


def accuracy_score(y_true, y_predict):
    '''计算y_true和y_predict之间的准确率'''
    assert y_true.shape[0] == y_predict.shape[0], \
        "the size of y_true must be equal to the size of y_predict"

    return sum(y_true == y_predict) / len(y_true)

  • kNN算法+score函数
import numpy as np
from math import sqrt
from collections import Counter
from .metrics import accuracy_score


class KNNClassifier:

    def __init__(self, k):
        """初始化kNN分类器"""
        assert k >= 1, "k must be valid"
        self.k = k
        self._X_train = None
        self._y_train = None

    def fit(self, X_train, y_train):
        """根据训练数据集X_train和y_train训练kNN分类器"""
        assert X_train.shape[0] == y_train.shape[0], \
            "the size of X_train must be equal to the size of y_train"
        assert self.k <= X_train.shape[0], \
            "the size of X_train must be at least k."

        self._X_train = X_train
        self._y_train = y_train
        return self

    def predict(self, X_predict):
        """给定待预测数据集X_predict,返回表示X_predict的结果向量"""
        assert self._X_train is not None and self._y_train is not None, \
                "must fit before predict!"
        assert X_predict.shape[1] == self._X_train.shape[1], \
                "the feature number of X_predict must be equal to X_train"

        y_predict = [self._predict(x) for x in X_predict]
        return np.array(y_predict)

    def _predict(self, x):
        """给定单个待预测数据x,返回x的预测结果值"""
        assert x.shape[0] == self._X_train.shape[1], \
            "the feature number of x must be equal to X_train"

        distances = [sqrt(np.sum((x_train - x) ** 2))
                     for x_train in self._X_train]
        nearest = np.argsort(distances)

        topK_y = [self._y_train[i] for i in nearest[:self.k]]
        votes = Counter(topK_y)

        return votes.most_common(1)[0][0]

    def score(self, X_test, y_test):
        """根据测试数据集 X_test 和 y_test 确定当前模型的准确度"""

        y_predict = self.predict(X_test)
        return accuracy_score(y_test, y_predict)

    def __repr__(self):
        return "KNN(k=%d)" % self.k
  • scikit-learn中的acuracy_score


    image.png

相关文章

  • 模型评价指标总结

    1、分类准确度 定义:分类准确度(accuracy),指在分类模型中,模型的输出分类结果与真实结果一致的样本占总分...

  • 分类准确度

    metric函数 kNN算法+score函数 scikit-learn中的acuracy_scoreimage.png

  • ShuffleNetV2:轻量级CNN网络中的桂冠

    前 言 近来,深度CNN网络如ResNet和DenseNet,已经极大地提高了图像分类的准确度。但是除了准确度外,...

  • ShuffleNetV2:轻量级CNN网络中的桂冠

    前言 近来,深度CNN网络如ResNet和DenseNet,已经极大地提高了图像分类的准确度。但是除了准确度外,计...

  • ECCV2018|ShuffleNetV2:轻量级CNN网络中的

    近来,深度CNN网络如ResNet和DenseNet,已经极大地提高了图像分类的准确度。但是除了准确度外,计算复杂...

  • 分类算法的评价

    准确度陷阱 我们首先看一下这个例子 何为准确度陷阱?对于极度偏斜的数据,只使用分类准确度是远远不够的,我们很容易完...

  • ML - 分类算法模型的评价指标

    1、分类准确度(accuracy) 分类准确率(ACC,accuracy ): 该指标描述了统计测试集的模型预测结...

  • CPAR论文

    摘要 -> 传统的分类方法(C4.5,FOIL,RIPPER):速度更快,但大多数情况下准确度不高 -> 关联分类...

  • 4.4 分类准确度accuracy

    4.4 分类准确度accuracy 下面我们对对比精确度这个方法进行封装,新建文件metrics.py 然后我们调...

  • 从Keras开始掌握深度学习-5 优化你的模型

    前言 在第3篇教程里面,我们所编写的CNN进行分类的模型准确度达到了80%。对于一个分类模型来说,80%的准确率不...

网友评论

      本文标题:分类准确度

      本文链接:https://www.haomeiwen.com/subject/rpzvfftx.html