使用sklean进行多分类下的二分类

#coding:utf-8
import matplotlib.pyplot as plt
import numpy as np
from sklearn.linear_model import LogisticRegression
from sklearn.svm import SVC
from sklearn.gaussian_process import GaussianProcessClassifier
from sklearn.gaussian_process.kernels import RBF
from sklearn import datasets

iris = datasets.load_iris()

#花萼长度    花萼宽度
X = iris.data[:, 0:2]  # we only take the first two features for visualization
#所属种类
y = iris.target

print X.shape
print y
#两个因数
n_features = X.shape[1]

C = 1.0
kernel = 1.0 * RBF([1.0, 1.0])  # for GPC

# Create different classifiers. The logistic regression cannot do
# multiclass out of the box.
classifiers = {‘L1 logistic‘: LogisticRegression(C=C, penalty=‘l1‘),
               ‘L2 logistic (OvR)‘: LogisticRegression(C=C, penalty=‘l2‘),
               ‘Linear SVC‘: SVC(kernel=‘linear‘, C=C, probability=True,random_state=0),
               ‘L2 logistic (Multinomial)‘: LogisticRegression(C=C, solver=‘lbfgs‘, multi_class=‘multinomial‘),
               ‘GPC‘: GaussianProcessClassifier(kernel)
               }

n_classifiers = len(classifiers)

plt.figure(figsize=(3 * 2, n_classifiers * 2))
plt.subplots_adjust(bottom=.2, top=.95)

#3-9 的100个平均分布的值
xx = np.linspace(3, 9, 100)
#1-5 的100个平均分布的值
yy = np.linspace(1, 5, 100).T

#
xx, yy = np.meshgrid(xx, yy)

#纵列连接数据 构造虚拟:花萼长度    花萼宽度
Xfull = np.c_[xx.ravel(), yy.ravel()]

for index, (name, classifier) in enumerate(classifiers.items()):
    classifier.fit(X, y)

    y_pred = classifier.predict(X)
    classif_rate = np.mean(y_pred.ravel() == y.ravel()) * 100
    print("classif_rate for %s : %f " % (name, classif_rate))

    # 查看预测概率
    probas = classifier.predict_proba(Xfull)
    #3个种类
    n_classes = np.unique(y_pred).size
    for k in range(n_classes):
        plt.subplot(n_classifiers, n_classes, index * n_classes + k + 1)
        plt.title("Class %d" % k)
        if k == 0:
            plt.ylabel(name)
        #构造颜色
        imshow_handle = plt.imshow(probas[:, k].reshape((100, 100)),extent=(3, 9, 1, 5), origin=‘lower‘)
        plt.xticks(())
        plt.yticks(())
        idx = (y_pred == k)
        if idx.any():
            plt.scatter(X[idx, 0], X[idx, 1], marker=‘o‘, c=‘k‘)

ax = plt.axes([0.15, 0.04, 0.7, 0.05])
plt.title("Probability")
plt.colorbar(imshow_handle, cax=ax, orientation=‘horizontal‘)

plt.show()

时间: 2024-11-09 01:55:59

使用sklean进行多分类下的二分类的相关文章

zblogasp2.2获得分类下的子分类

今天在zblog官方论坛看到有人提问“2.2版本ZBLOG,如何获得子分类的列表呢?”,记得之前貌似有做过这种需求,于是就翻了出来,水了一篇文章. 声明:此方法必须依赖“ytcms”插件,zblogasp版的ytcms已经被作者下架,请在本网站搜索“ytcms”即可下载. 直接先上代码: Markup {eval aryCateInOrder=GetCategoryOrder()} {if isArray(aryCateInOrder)} {for i=lbound(aryCateInOrder

ecshop商品列表页,循环显示当前分类的二级分类以及分类下的商品

1.includes\lib_goods.php,在最末尾添加几个function /** * 获得指定分类下的子分类 * * @access public * @param integer $cat_id 分类编号 * @return array */ function get_children_tree($cat_id) { if ($cat_id >0 ) { $sql = 'SELECT count(*) FROM ' . $GLOBALS['ecs']->table('categor

ecshop商品分类树显示该分类下的商品数量

1.includes/lib_goods.php下找到这两个函数改成我这样就行function get_categories_tree($cat_id = 0)function get_child_tree($tree_id = 0) /** * 获得指定分类同级的所有分类以及该分类下的子分类 * * @access  public * @param   integer     $cat_id     分类编号 * @return  array */ function get_categorie

24、二分类、多分类与多标签问题的区别

二分类.多分类与多标签的基本概念 二分类:表示分类任务中有两个类别,比如我们想识别一幅图片是不是猫.也就是说,训练一个分类器,输入一幅图片,用特征向量x表示,输出是不是猫,用y=0或1表示.二类分类是假设每个样本都被设置了一个且仅有一个标签 0 或者 1. 多类分类(Multiclass classification): 表示分类任务中有多个类别, 比如对一堆水果图片分类, 它们可能是橘子.苹果.梨等. 多类分类是假设每个样本都被设置了一个且仅有一个标签: 一个水果可以是苹果或者梨, 但是同时不

根据一个分类id 获取这个分类底下所有子分类的商品信息,根据下面方法查询出所有有关分类id 再 根据这些id去商品表里查询所有商品信息

/** * 检测该分类下所有子分类,并输出ID(包括自己) * 数据库字段 catid pid */ function getChildrenIds ($sort_id){ include_once APPPATH.'/libraries/db.php'; $db = new Db(); $ids = $sort_id; $sql = "SELECT catid,pid FROM jy_category WHERE pid =".$sort_id; $result = $db->

ThinkCMF(二):多个分类下的文章显示并分页;

一.查找多个分类下的文章放在一个页面显示并分类where:id in(1,2,3); <php> $posts=sp_sql_posts_paged('field:post_title,post_date,object_id,term_id;order:post_date desc;where:term_id in(1,2,3)'); </php> <foreach name="posts['posts']" item="v">

NLP系列(3)_用朴素贝叶斯进行文本分类(下)

作者: 龙心尘 && 寒小阳 时间:2016年2月. 出处: http://blog.csdn.net/longxinchen_ml/article/details/50629110 http://blog.csdn.net/han_xiaoyang/article/details/50629587 声明:版权所有,转载请联系作者并注明出处 1. 引言 上一篇文章我们主要从理论上梳理了朴素贝叶斯方法进行文本分类的基本思路.这篇文章我们主要从实践上探讨一些应用过程中的tricks,并进一步分

matlab 实现感知机线性二分类算法(Perceptron)

感知机是简单的线性分类模型 ,是二分类模型.其间用到随机梯度下降方法进行权值更新.参考他人代码,用matlab实现总结下. 权值求解过程通过Perceptron.m函数完成 function W = Perceptron(X,y,learnRate,maxStep) % Perceptron.m % Perception Learning Algorithm(感知机) % X一行为一个样本,y的取值{-1,+1} % learnRate:学习率 % maxStep:最大迭代次数 [n,m] =

【机器学习具体解释】SVM解二分类,多分类,及后验概率输出

转载请注明出处:http://blog.csdn.net/luoshixian099/article/details/51073885 CSDN?勿在浮沙筑高台 支持向量机(Support Vector Machine)以前在分类.回归问题中非常流行.支持向量机也称为最大间隔分类器,通过分离超平面把原始样本集划分成两部分. 首先考虑最简单的情况:线性可分支持向量机.即存在一个超平面能够把训练样本分开. 1.线性可分支持向量机 1.考虑一个线性二分类的问题:例如以下左图,在二维平面上有两种样本点x