当前位置:   article > 正文

李航机器学习 | (3) 统计学习方法(第2版)笔记 --- 感知机习题与编程作业_给定如下训练数据集, x 1=[3 3], x 2=[4 3], y 1=1, y 2=1 x 3=

给定如下训练数据集, x 1=[3 3], x 2=[4 3], y 1=1, y 2=1 x 3=[1 1],y 3=-1

 

1. Minsky与Papert指出:感知机是线性模型,所以不能表示复杂的函数,如异或(XOR).验证感知机为什么不能表示异或。

首先写出异或函数对应的输入输出:

x^{(1)}x^{(2)}y
11-1
1-1+1
-11+1
-1-1-1

我们可以可视化上述实例及其标签:

  1. import numpy as np
  2. import matplotlib.pyplot as plt
  3. x = np.array([[1,1],[1,-1],[-1,1],[-1,-1]])
  4. y = np.array([-1,1,1,-1])
  5. plt.scatter(x[:,0],x[:,1],c=y)
  6. plt.xlabel('x1')
  7. plt.ylabel('x2')
  8. plt.ylim(-2,2)
  9. plt.xlim(-2,2)
  10. plt.xticks([-2,-1,0,1,2])
  11. plt.yticks([-2,-1,0,1,2])
  12. plt.title('XOR')
  13. plt.show()

显然异或问题是线性不可分的,感知机算法无法用一条直线把两类样本点完全分开。

 

2. 模仿上一节中的例题,构建从训练数据集求解感知机模型的例子。

  1. import numpy as np
  2. from sklearn.linear_model import Perceptron
  3. X_train = np.array([[3,3],[4,3],[1,1]])
  4. y_train = np.array([1,1,-1])
  5. #初始化感知机模型
  6. perceptron_model = Perceptron()
  7. #训练
  8. perceptron_model.fit(X_train,y_train)
  9. #打印学好的参数
  10. print("w:",perceptron_model.coef_,"\nb:",perceptron_model.intercept_,"\n")
  11. #在训练集上进行预测
  12. res = perceptron_model.predict(X_train)
  13. print(res)

 

3. 证明以下定理:样本集线性可分的充要条件是正实例点集所构成的凸壳与负实例点集所构成的凸壳互不相交。

在2维情况下,凸壳可用下面的图形来表示:

其中向量A,B,C,D,F可以看作是集合S中的元素,他们围成的整个多边形区域就是集合S的凸壳Conv(S),区域内所有的点或者向量都是Conv(S)中的元素。

线性可分的定义:

 

4. 思考感知机模型假设空间是什么?模型复杂度体现在哪?、

假设空间 {f|f=wx+b},即特征空间中的所有线性分类器。

模型的复杂度主要体现在实例特征向量x(x(1),...,x(d))的维度d上或者特征数量上。

 

5. 已知训练数据集D,其正实例点是x1=(3,3)T,x2=(4,3)T,负实例点是x3=(1,1)T:

1)试调用sklearn.linear_model 的Perceptron模块,对训练数据集进行分类,并对比不同学习率η对模型学习速度及结果的影响。

Perceptron模块/对象主要的方法或属性:

  1. import numpy as np
  2. from sklearn.linear_model import Perceptron
  3. X_train = np.array([[3,3],[4,3],[1,1]])
  4. y_train = np.array([1,1,-1])
  5. #初始化感知机模型
  6. perceptron_model = Perceptron()
  7. #训练
  8. perceptron_model.fit(X_train,y_train)
  9. #打印学好的参数和迭代次数
  10. print("w:",perceptron_model.coef_,"\nb:",perceptron_model.intercept_,"\nn_iter:",perceptron_model.n_iter_,"\n")
  11. #在训练集上进行预测
  12. res = perceptron_model.predict(X_train)
  13. print(res)
  14. #计算在训练集上的准确率
  15. acc = perceptron_model.score(X_train,y_train)
  16. print('correct accuracy:{:.0%}'.format(acc))

Perceptron模块/对象主要的参数:

设定tol=1e-3,max_iter=1000:

perceptron_model = Perceptron(tol=1e-3,max_iter=1000)

设置学习率:

perceptron_model = Perceptron(eta0=0.5,tol=1e-3,max_iter=1000)

w,b变成了原来的0.5倍。

perceptron_model = Perceptron(eta0=0.1,tol=1e-3,max_iter=1000)

w,b变成了原来的0.1倍。

改变学习率虽然w,b变了,但是他们之间的比例没有变,即表示的分离超平面是不变的,说明改变学习率对最终的结果没有影响,对收敛的速度会有影响。

原因在于,我们w,b的初始值为0,根据更新规则:

不管更新多少次,因为初始值为0,w,b都可以表示为η的倍数,而分离超平面的方程是wx+b=0,因为w,b都为η的倍数,所以可以约掉η,因此表示的分离超平面是不变的,说明改变学习率对最终的结果没有影响。如果w,b的初始值不为0,那么改变学习率对最终的结果是有影响的。

正则化:

可以选择使用l1或l2正则化,或者混合正则化(\lambda l_1+(1-\lambda)l_2)

正则化是为了防止过拟合(减小权值/参数),L1正则化会使权重/参数更稀疏;L2正则化会使权重/参数更均匀。

perceptron_model = Perceptron(penalty="l1",eta0=1,tol=1e-3,max_iter=1000)

perceptron_model = Perceptron(penalty="l2",eta0=1,tol=1e-3,max_iter=1000)

正则化系数控制惩罚或约束力度,过小无约束效力;过大约束太狠,可能会出现欠拟合(模型过于简单,参数会变得很小)。

perceptron_model = Perceptron(penalty="l2",alpha=0.0001,eta0=1,tol=1e-3,max_iter=1000)

perceptron_model = Perceptron(penalty="l2",alpha=0.1,eta0=1,tol=1e-3,max_iter=1000)

2) 用python 自编程实现感知机模型,对训练数据集进行分类,并对比误分类点选择次序不同对最终结果的影响。可采用函数式编程或面向对象的编程。

  1. import numpy as np
  2. import matplotlib.pyplot as plt
  3. from matplotlib.colors import ListedColormap
  4. class MyPerceptron:
  5. def __init__(self):
  6. self.w=None
  7. self.b=0
  8. self.l_rate=1
  9. def fit(self,X_train,y_train):
  10. #用样本点的特征数更新初始w,如x1=(3,3)T,有两个特征,则self.w=[0,0]
  11. #尽量使用二维数组来表示行向量/列向量
  12. self.w=np.zeros(X_train.shape[1]).reshape(-1,1)
  13. i=0
  14. while i<X_train.shape[0]:
  15. X=X_train[i]
  16. y=y_train[i]
  17. # 如果y*(wx+b)≤0 说明是误判点,更新w,b
  18. if y*(np.dot(X, self.w) + self.b) <= 0:
  19. self.w = self.w + self.l_rate * y*X.reshape(-1,1)
  20. self.b = self.b + self.l_rate * y
  21. i=0 #如果是误判点,从头进行检测
  22. else:
  23. i+=1
  24. def draw(X,w,b):
  25. #产生分离超平面上的两点
  26. X_new=np.array([[0], [6]])
  27. y_predict=-b-(w[0]*X_new)/w[1]
  28. #绘制训练数据集的散点图
  29. plt.plot(X[:2,0],X[:2,1],"g*",label="1")
  30. plt.plot(X[2:,0], X[2:,1], "rx",label="-1")
  31. #绘制分离超平面
  32. plt.plot(X_new,y_predict,"b-")
  33. #设置两坐标轴起止值
  34. plt.axis([0,6,0,6])
  35. #设置坐标轴标签
  36. plt.xlabel('x1')
  37. plt.ylabel('x2')
  38. #显示图例
  39. plt.legend()
  40. #显示图像
  41. plt.show()
  42. #也可以使用等高线图 通过生成网格的方式 渲染出决策边界
  43. def visual(X,w,b,label):
  44. h = .01
  45. # 生成网格点
  46. min1 = np.min(X[:, 0]) - 0.5
  47. max1 = np.max(X[:, 0]) + 0.5
  48. min2 = np.min(X[:, 1]) - 0.5
  49. max2 = np.max(X[:, 1]) + 0.5
  50. xx, yy = np.meshgrid(np.arange(min1, max1, h), np.arange(min2, max2, h)) # 在x,y轴上以0.02为间隔,生成网格点
  51. # 计算每个网格点在判别函数下的值
  52. Z = np.concatenate([xx.ravel().reshape(-1, 1), yy.ravel().reshape(-1, 1)],
  53. axis=1)
  54. res = Z.dot(w)+b
  55. res[res <= 0] = -1
  56. res[res > 0] = 1
  57. res = res.reshape(xx.shape) # 转型为网格的形状
  58. # 绘制决策边界
  59. plt.contourf(xx, yy, res, alpha=0.5, cmap=ListedColormap(('red', 'blue')))
  60. # 添加图例 注释
  61. plt.xlabel('x1')
  62. plt.ylabel('x2')
  63. # 绘制数据点
  64. for i, j in enumerate(np.unique(label)):
  65. plt.scatter(X[label == j, 0], X[label == j, 1], c=ListedColormap(('red', 'blue'))(i),
  66. label=str(j))
  67. plt.legend()
  68. plt.show()
  69. def main():
  70. # 构造训练数据集
  71. X_train=np.array([[3,3],[4,3],[1,1]])
  72. y_train=np.array([1,1,-1])
  73. # 构建感知机对象,对数据集继续训练
  74. perceptron=MyPerceptron()
  75. perceptron.fit(X_train,y_train)
  76. print(perceptron.w)
  77. print(perceptron.b)
  78. # 结果图像绘制
  79. #draw(X_train,perceptron.w,perceptron.b)
  80. visual(X_train,perceptron.w,perceptron.b,y_train)
  81. if __name__=="__main__":
  82. main()

3) 对比传统感知机算法及其对偶形式的运行速度。

 

 

 

 

声明:本文内容由网友自发贡献,转载请注明出处:【wpsshop】
推荐阅读
相关标签
  

闽ICP备14008679号