阿里云 龙珠机器学习训练营Task1:机器学习算法(一): 基于逻辑回归的分类预测

本文通过实例展示了如何使用逻辑回归进行分类,包括数据集构建、模型训练、参数查看、决策边界绘制以及在iris数据集上的应用。涵盖了模型预测、精度评估及多分类扩展。

补充一些代码的注释,方便理解:

#Step1:库函数导入
#基本函数库
import numpy as np
#导入画图库
import matplotlib.pyplot as plt
import seaborn as sns#可视化库,matplotlib的补充
#导入逻辑回归模型函数
from sklearn.linear_model import LogisticRegression

##Step2:模型训练
##Demo演示LogisticRegression分类

##构造数据集
x_fearures = np.array([[-1,-2],[-2,-1],[-3,-2],[1,3],[2,1],[3,2]])
y_label = np.array([0,0,0,1,1,1])

##调用了逻辑回归模型
lr_crf = LogisticRegression()

##用逻辑回归模型拟合构造的数据集
lr_crf = lr_crf.fit(x_fearures,y_label)#其拟合方程为y = w0+w1*x1+w2*x2

#Step3:模型参数查看
## 查看其对应模型的w
print('the weight of Logistic Regression:',lr_crf.coef_)#即w1和w2

## 查看其对应模型的w0
print('the intercept(w0) of Logistic Regression:',lr_crf.intercept_)#即w0

#Step4:数据和模型可视化
## 可视化构造的数据样本点(第一张图)
plt.figure()
plt.scatter(x_fearures[:,0],x_fearures[:,1],c=y_label,s=50,cmap='viridis')#绘制散点图,s标签是面积,cmap='viridis'黄到蓝
plt.title('Dataset')
plt.show()

#可视化决策边界(第二张图)
plt.figure()
plt.scatter(x_fearures[:,0],x_fearures[:,1],c=y_label,s=50,cmap='viridis')
plt.title('Dataset')

nx,ny = 200,100
x_min,x_max = plt.xlim()#x轴作图范围
y_min,y_max = plt.ylim()#y轴作图范围
x_grid,y_grid = np.meshgrid(np.linspace(x_min,x_max,nx),np.linspace(y_min,y_max,ny))#生成网格矩阵,即由两个一维向量相乘形成二维矩阵
print("x_grid:",x_grid)
print("y_grid:",y_grid)

z_proba = lr_crf.predict_proba(np.c_[x_grid.ravel(),y_grid.ravel()])#predict_proba预测的是样本为某个标签的概率,predict为标签预测的值
z_proba = z_proba[:,1].reshape(x_grid.shape)
print('z_proba:',z_proba)
plt.contour(x_grid,y_grid,z_proba,[0.5],linewidths=2.,colors='blue')#绘制轮廓

plt.show()

###可视化预测新样本(第三张图)
plt.figure()
##new point 1
x_fearures_new1 = np.array([[0,-1]])
plt.scatter(x_fearures_new1[:,0],x_fearures_new1[:,1],s=50,cmap='viridis')
plt.annotate(s='New point 1',xy=(0,-1),xytext=(-2,0),color='blue',arrowprops=dict(arrowstyle='-|>',connectionstyle='arc3',color='red'))#plt.annotate()函数用于标志文字,s为注释文本内容,xy为被注释的坐标点,xytext为注释文字的坐标位置,arrowprops箭头参数,参数类型为字典dict

##new point 2
x_fearures_new2 = np.array([[1,2]])
plt.scatter(x_fearures_new2[:,0],x_fearures_new2[:,1],s=50,cmap='viridis')
plt.annotate(s='New point 2',xy=(1,2),xytext=(-1.5,2.5),color='red',arrowprops=dict(arrowstyle='-|>',connectionstyle='arc3',color='red'))

#训练样本
plt.scatter(x_fearures[:,0],x_fearures[:,1],c=y_label,s=50,cmap='viridis')
plt.title('Dataset')

#可视化决策边界
plt.contour(x_grid,y_grid,z_proba,[0.5],linewidths=2.,colors='blue')

plt.show()

#Step5:模型预测
##在训练集和测试机上分别利用训练好的模型进行预测
y_label_new1_predict = lr_crf.predict(x_fearures_new1)
y_label_new2_predict = lr_crf.predict(x_fearures_new2)

print('The New point 1 predict class:\n',y_label_new1_predict)
print('The New point 2 predict class:\n',y_label_new2_predict)

##由于逻辑回归模型是概率预测模型(前文介绍的 p = p(y-1|x,\theta)),所以我们可以利用pedidct_proba函数预测其概率
y_label_new1_predict_proba = lr_crf.predict_proba(x_fearures_new1)
y_label_new2_predict_proba = lr_crf.predict_proba(x_fearures_new2)

print('The New point 1 predict Probability of each class:\n',y_label_new1_predict_proba)
print('The New point 2 predict Probability of each class:\n',y_label_new2_predict_proba)

#4.2 基于鸢尾花(iris)数据集的逻辑回归分类实践
#Step1:库函数导入
## 基于函数库
import numpy as np
import pandas as pd
#绘图函数库
import matplotlib.pyplot as plt
import seaborn as sns

#Step2:数据读取/载入
##我们利用sklearn中自带的iris数据作为数据载入,并利用Pandas转化为DataFrame格式
from sklearn.datasets import load_iris
data = load_iris()#得到数据特征
iris_target = data.target #得到数据对应的标签
iris_features = pd.DataFrame(data = data.data,columns=data.feature_names)#利用Pandas转化为DataFrame格式

#Step3:数据信息简单查看
##利用.info()查看数据的整体信息
print(iris_features.info())
##进行简单的数据查看,我们可以利用.head()头部 .tail()尾部
print(iris_features.head())
print(iris_features.tail())

##其对象的类型标签为,其中0,1,2分别代表'setosa','versicolor','virfinica'三种不同花的类别。
print(iris_target)

##利用value_counts函数查看每个类别数量
print(pd.Series(iris_target).value_counts())

##对于特征进行一些统计描述
print(iris_features.describe())

#Step4:可视化描述
##合并标签和特征信息
iris_all = iris_features.copy()##进行浅拷贝,防止对于原始数据的修改
iris_all['target'] = iris_target

##特征与标签组合的散点可视化
sns.pairplot(data = iris_all,diag_kind='hist',hue='target')#对角线上是各个属性的直方图(分布图),而非对角线上是两个不同属性之间的相关图
plt.show()

for col in iris_features.columns:
    sns.boxplot(x='target',y=col,saturation=0.5,palette='pastel',data=iris_all)#箱型图,saturation是色彩饱和度,palette调色板
    plt.title(col)
    plt.show()

#选取其前一个特征回执三维散点图
from mpl_toolkits.mplot3d import Axes3D

fig = plt.figure(figsize=(10,8))
ax = fig.add_subplot(111,projection='3d')#111表示1x1网格,第一子图

iris_all_class0 = iris_all[iris_all['target']==0].values
iris_all_class1 = iris_all[iris_all['target']==1].values
iris_all_class2 = iris_all[iris_all['target']==2].values
#'setosa'(0),'bersicolor"(1),virginica'(2)
ax.scatter(iris_all_class0[:,0],iris_all_class0[:,1],iris_all_class0[:,2],label='setosa')#特征散点图
ax.scatter(iris_all_class1[:,0],iris_all_class1[:,1],iris_all_class1[:,2],label='versicolor')
ax.scatter(iris_all_class2[:,0],iris_all_class2[:,1],iris_all_class2[:,2],label='virginica')
plt.legend()#加上图例

plt.show()

#Step5:利用逻辑回归模型在二分类上进行训练和预测
##为了正确评估模型性能,将数据划分为训练集和测试集,并在训练集上训练模型,在测试集上验证模型性能。
from sklearn.model_selection import train_test_split

##选择其类别为0和1的样本(不包括类别为2的样本)
iris_features_part = iris_features.iloc[:100]
iris_target_part = iris_target[:100]

#测试集大小为20%,80%/20%分
x_train,x_test,y_train,y_test = train_test_split(iris_features_part,iris_target_part,test_size=0.2,random_state=2020)

##从sklearn中导入逻辑回归模型
from sklearn.linear_model import LogisticRegression

##定义 逻辑回归模型
clf = LogisticRegression(random_state=0,solver='lbfgs')
'''

random_state是序号为0的一组随机数
优化算法选择参数:solver
    solver参数决定了我们对逻辑回归损失函数的优化方法,有4种算法可以选择,分别是:

    a) liblinear:使用了开源的liblinear库实现,内部使用了坐标轴下降法来迭代优化损失函数。

    b) lbfgs:拟牛顿法的一种,利用损失函数二阶导数矩阵即海森矩阵来迭代优化损失函数。

    c) newton-cg:也是牛顿法家族的一种,利用损失函数二阶导数矩阵即海森矩阵来迭代优化损失函数。

    d) sag:即随机平均梯度下降,是梯度下降法的变种,和普通梯度下降法的区别是每次迭代仅仅用一部分的样本来计算梯度,适合于样本数据多的时候。

    从上面的描述可以看出,newton-cg, lbfgs和sag这三种优化算法时都需要损失函数的一阶或者二阶连续导数,因此不能用于没有连续导数的L1正则化,只能用于L2正则化。而liblinear通吃L1正则化和L2正则化。

    同时,sag每次仅仅使用了部分样本进行梯度迭代,所以当样本量少的时候不要选择它,而如果样本量非常大,比如大于10万,sag是第一选择。但是sag不能用于L1正则化,所以当你有大量的样本,又需要L1正则化的话就要自己做取舍了。要么通过对样本采样来降低样本量,要么回到L2正则化。

    从上面的描述,大家可能觉得,既然newton-cg, lbfgs和sag这么多限制,如果不是大样本,我们选择liblinear不就行了嘛!错,因为liblinear也有自己的弱点!我们知道,逻辑回归有二元逻辑回归和多元逻辑回归。对于多元逻辑回归常见的有one-vs-rest(OvR)和many-vs-many(MvM)两种。而MvM一般比OvR分类相对准确一些。郁闷的是liblinear只支持OvR,不支持MvM,这样如果我们需要相对精确的多元逻辑回归时,就不能选择liblinear了。也意味着如果我们需要相对精确的多元逻辑回归不能使用L1正则化了。
'''

#在训练集上训练逻辑回归模型
clf.fit(x_train,y_train)

##查看其对应的w
print('the weight of Logistic Regression:',clf.coef_)
##查看其对应的w0
print('the intercept(w0) of Logistic Regression:',clf.intercept_)

##在训练集和测试集上分布利用训练好的模型进行预测
train_predict = clf.predict(x_train)
test_predict = clf.predict(x_test)

from sklearn import metrics

##利用accuracy(准确度)【预测正确的样本数目占总预测样本数目的比例】评估模型效果
print('The accuracy of the Logistic Regression is:',metrics.accuracy_score(y_train,train_predict))
print('The accuracy og the Logistic Regression is:',metrics.accuracy_score(y_test,test_predict))

##查看混淆矩阵(预测值和真实值的各类情况统计矩阵)
confusion_matrix_result = metrics.confusion_matrix(test_predict,y_test)
print('The confusion matrix result:\n',confusion_matrix_result)

#利用热力图对于结果进行可视化
plt.figure(figsize=(8,6))
sns.heatmap(confusion_matrix_result,annot=True,cmap='Blues')
plt.xlabel('Predicted labels')
plt.ylabel('True labels')
plt.show()

#Step6:利用逻辑回归模型在三分类(多分类)上进行训练和预测
##测试集大小为20%,80%/20%分
x_train,x_test,y_train,y_test = train_test_split(iris_features,iris_target,test_size=0.2,random_state=2020)

##定义 逻辑回归模型
clf = LogisticRegression(random_state=0,solver='lbfgs')

#在训练集上训练逻辑回归模型
clf.fit(x_train,y_train)

##查看其对应的w
print('the weight of Logistic Regression:\n',clf.coef_)
print('the intercept(w0) of Logistic Regression:\n',clf.intercept_)

##在训练集和测试集上分布利用训练好的模型进行预测
train_predict = clf.predict(x_train)
test_predict = clf.predict(x_test)

##由于逻辑回归模型是概率预测模型(前文介绍的p=p(y=1|x,\theta)),所以我们可以利用predict_proba函数预测其概率
train_predict_proba = clf.predict_proba(x_train)
test_predict_proba = clf.predict_proba(x_test)

print('The test predict Probability of each class:\n',test_predict_proba)
##其中第一列代表预测为0类的概率,第二列代表预测为1类的概率,第三列代表预测为2类的概率

##利用accuracy(准确度)【预测正确的样本数目占总预测样本数目的比例】评估模型效果
print('The accuracy of the Logistic Regression is:',metrics.accuracy_score(y_train,train_predict))
print('The accuracy og the Logistic Regression is:',metrics.accuracy_score(y_test,test_predict))

##查看混淆矩阵
confusion_matrix_result = metrics.confusion_matrix(test_predict,y_test)
print('The confusion matrix result:\n',confusion_matrix_result)

#利用热力图对于结果进行可视化
plt.figure(figsize=(8,6))
sns.heatmap(confusion_matrix_result,annot=True,cmap='Blues')
plt.xlabel('Predicted labels')
plt.ylabel('True labels')
plt.show()
评论
成就一亿技术人!
拼手气红包6.0元
还能输入1000个字符
 
红包 添加红包
表情包 插入表情
 条评论被折叠 查看
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值