吴恩达机器学习作业(3):逻辑回归

目录

1)数据处理

2)sigmoid函数

3)代价函数

4)梯度下降

5)预测函数


我们首先做一个练习,问题是这样的:设想你是大学相关部分的管理者,想通过申请学生两次测试的评分,来决定他们是否被录取。现在你拥有之前申请学生的可以用于训练逻辑回归的训练样本集。对于每一个训练样本,你有他们两次测试的评分和最后是被录取的结果。为了完成这个预测任务,我们准备构建一个可以基于两次测试评分来评估录取可能性的分类模型。

1)数据处理

第三次建议,我们拿到数据之后,还是要先看看数据长什么样子:

import numpy as np
import pandas as pd
import matplotlib.pyplot as pltpath = 'ex2data1.txt'
data = pd.read_csv(path, header=None, names=['Exam 1', 'Exam 2', 'Admitted'])
data.head()

我们创建散点图,来是样本可视化,其中包含正负样本:

positive = data[data['Admitted'].isin([1])]#选取为 1的样本
negative = data[data['Admitted'].isin([0])]#选取为 0的样本fig, ax = plt.subplots(figsize=(12,8))
ax.scatter(positive['Exam 1'], positive['Exam 2'], s=50, c='b', marker='o', label='Admitted')
ax.scatter(negative['Exam 1'], negative['Exam 2'], s=50, c='r', marker='x', label='Not Admitted')
ax.legend()
ax.set_xlabel('Exam 1 Score')
ax.set_ylabel('Exam 2 Score')
plt.show()

2)sigmoid函数

g 代表一个常用的逻辑函数(logistic function)为S形函数(Sigmoid function),公式为:

                                                                g(z)=\frac{1}{1+e^{-z}}

逻辑回归模型的假设函数为:

                                                                {​{h}_{\theta }}\left( x \right)=\frac{1}{1+{​{e}^{-{​{\theta }^{T}}X}}}\\

def sigmoid(z):return 1 / (1 + np.exp(-z))

让我们做一个快速的检查,来确保它可以工作。

nums = np.arange(-10, 10, step=1)fig, ax = plt.subplots(figsize=(12,8))
ax.plot(nums, sigmoid(nums), 'r')
plt.show()

3)代价函数

代价函数:

                  J\left( \theta \right)=\frac{1}{m}\sum\limits_{i=1}^{m}{[-{​{y}^{(i)}}\log \left( {​{h}_{\theta }}\left( {​{x}^{(i)}} \right) \right)-\left( 1-{​{y}^{(i)}} \right)\log \left( 1-{​{h}_{\theta }}\left( {​{x}^{(i)}} \right) \right)]}

def cost(theta, X, y):theta = np.matrix(theta)X = np.matrix(X)y = np.matrix(y)first = np.multiply(-y, np.log(sigmoid(X * theta.T)))second = np.multiply((1 - y), np.log(1 - sigmoid(X * theta.T)))return np.sum(first - second) / (len(X))

现在我们需要对数据进行一下处理,和我们在线性回归练习中的处理很相似

# add a ones column 
data.insert(0, 'Ones', 1)# set X (training data) and y (target variable)
cols = data.shape[1]
X = data.iloc[:,0:cols-1]
y = data.iloc[:,cols-1:cols]# convert to numpy arrays and initalize the parameter array theta
X = np.array(X.values)
y = np.array(y.values)
theta = np.zeros(3)

我们可以计算初始化参数的代价函数值:(theta为0)

cost(theta, X, y)0.6931471805599453

4)梯度下降

形式和线性回归的梯度下降一致:

                                                                     $$\frac{\partial J\left( \theta \right)}{\partial {​{\theta }_{j}}}=\frac{1}{m}\sum\limits_{i=1}^{m}{({​{h}_{\theta }}\left( {​{x}^{(i)}} \right)-{​{y}^{(i)}})x_{_{j}}^{(i)}}$$

def gradient(theta, X, y):theta = np.matrix(theta)X = np.matrix(X)y = np.matrix(y)parameters = int(theta.ravel().shape[1])grad = np.zeros(parameters)error = sigmoid(X * theta.T) - yfor i in range(parameters):term = np.multiply(error, X[:,i])grad[i] = np.sum(term) / len(X)return grad

注意在这里我们并不执行梯度下降——我们计算一个梯度步长。既然我们在用 python ,我们可以使用 SciPy 的优化 API 来实现相同功能。

我们看看用我们的数据和初始参数为0的梯度下降法的结果。

gradient(theta, X, y)array([ -0.1       , -12.00921659, -11.26284221])

现在可以用SciPy's truncated newton实现寻找最优参数。

import scipy.optimize as opt
result = opt.fmin_tnc(func=cost, x0=theta, fprime=gradient, args=(X, y))
result(array([-25.1613186 ,   0.20623159,   0.20147149]), 36, 0)

让我们看看在这个结论下代价函数计算结果是什么个样子。

cost(result[0], X, y)0.20349770158947464

5)预测函数

接下来,我们需要编写一个函数,用我们所学的参数theta来为数据集X输出预测。然后,我们可以使用这个函数来给我们的分类器的训练精度打分。

h_\theta大于等于0.5时,预测 y=1

h_\theta小于0.5时,预测 y=0 。

def predict(theta, X):probability = sigmoid(X * theta.T)return [1 if x >= 0.5 else 0 for x in probability]
theta_min = np.matrix(result[0])#参数矩阵化
predictions = predict(theta_min, X)
correct = [1 if ((a == 1 and b == 1) or (a == 0 and b == 0)) else 0 for (a, b) in zip(predictions, y)]
accuracy = (sum(map(int, correct)) % len(correct))
print ('accuracy = {0}%'.format(accuracy))accuracy = 89%

我们的逻辑回归分类器预测正确,如果一个学生被录取或没有录取,达到89%的精确度。不坏!记住,这是训练集的准确性。我们没有保持住了设置或使用交叉验证得到的真实逼近,所以这个数字有可能高于其真实值(这个话题将在以后说明)。

 

在本练习的第二部分中,我们将介绍正则化逻辑回归,这会大大提高我们模型的泛化能力。

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/news/440097.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

机器学习笔记(九):应用机器学习的建议

目录 1)Deciding what to try next 2)Evaluating a hypothesis 3)Model selection and training/validation/test sets 4)Diagnosing bias vs. variance 5)Regularization and bias/variance 6)Learn…

【洛谷 - P1231 】教辅的组成(网络流最大流,拆点)

题干: 题目描述 蒟蒻HansBug在一本语文书里面发现了一本答案,然而他却明明记得这书应该还包含一份练习题。然而出现在他眼前的书多得数不胜数,其中有书,有答案,有练习册。已知一个完整的书册均应该包含且仅包含一本书…

机器学习笔记(十):机器学习系统的设计

目录 1)Prioritizing what to work on:Spam classification example 2)Error analysis 3)Error metrics for skewed classes 4)Trading off precision and recall 5)Data for machine learning 下面将学习到在构建…

【洛谷 - P1345 [USACO5.4]】奶牛的电信(网络流最小割,拆点)

题干: 题目描述 农夫约翰的奶牛们喜欢通过电邮保持联系,于是她们建立了一个奶牛电脑网络,以便互相交流。这些机器用如下的方式发送电邮:如果存在一个由c台电脑组成的序列a1,a2,...,a(c),且a1与a2相连,a2与…

机器学习笔记(十一):支持向量机

目录 1)Optimization objective 2)Large Margin Intuition 3)Kernels 1 4)Kernels II 5)Using an SVM 注:这一章SVM可能有点难理解,强烈建议大家把本章的编程作业做了。 1)Opt…

ros中的坐标系,

ros中的坐标系,主要包括: map,odom,base_link(base_footprint) 以及如laser,camera等传感器的坐标系; 这些坐标系间的关系可以用下图表示: 这是一个有向图,图中涉及四个坐标系&#…

【Gym - 101061F】Fairness(dp,思维)

题干: Dwik and his brother Samir both received scholarships from a famous university in India. Their father, Besher, wants to send some money with each of them. Besher has n coins, the ith coin has a value of ai. He will distribute these coins…

(2)连续存储数组的方法

目录 连续存储的代表应用:数组 1)结构体的定义: 2)基本操作 对数据进行初始化 判断数组是否为空 输出数组 判断数组是否满 追加元素 插入数组元素 删除数组元素 逆序 对数组进行排序 这篇笔记是根据郝斌老师的上课讲义…

什么是欧拉角/姿态角?

用一句话说,欧拉角就是物体绕坐标系三个坐标轴(x,y,z轴)的旋转角度。 在这里,坐标系可以是世界坐标系,也可以是物体坐标系,旋转顺序也是任意的,可以是xyz,xzy,yxz,zxy,yzx,zyx中的任何一种,甚至…

机器学习笔记(十二):聚类

目录 1)Unsupervised learning introduction 2)K-means algorithm 3)Optimization objective 4)Random initialization 5)Choosing the number of clusters 1)Unsupervised learning introduction 下…

Linux下root登陆mysql

错误如下: 1.停止mysql服务 #service mysql stop2.进入到skip-grant-tables模式: #mysqld_safe --skip-grant-tables3.root连接mysql数据库: #mysql -uroot -p如出现如下错误: 其实,原本就没有这个目录&#xff1…

机器学习笔记(十三):降维

目录 1)Motivation 1:Data Compression 2)Motivation 2: Data Visualization 3)Principal Component Analysis problem formulation 4)Principal Component Analysis algorithm 5)Advice for applying PCA 1&…

Django框架(展示图书信息简易版)

Linux环境下 创建虚拟环境 在python3中,创建虚拟环境 mkvirtualenv -p python3 虚拟机名称 mkvirtualenv -p python3 py_django查看创建的虚拟环境 workon退出当前的虚拟环境 deactivate 删除虚拟环境(不要做) rmvirtualenv 虚拟机名称 …

吴恩达机器学习作业(五):支持向量机

目录 1)数据预处理 2)Scikit-learn支持向量机 3)决策边界比较 4)非线性SVM 5)最优超参数 6)垃圾邮件过滤器 在本练习中,我们将使用支持向量机(SVM)来构建垃圾邮件分…

一些关于ROS中move_base的理解

move_base是ROS下关于机器人路径规划的中心枢纽。它通过订阅激光雷达、map地图、amcl的定位等数据,然后规划出全局和局部路径,再将路径转化为机器人的速度信息,最终实现机器人导航。这里又要盗官网的图了。 上面这个图很好的展示了move_base的…

机器学习笔记(十四):异常检测

目录 1)Problem motivation 2)Gaussian distribution 3)Algorithm 4)Developing and evaluating an anomaly detection system 5)Anomaly detection vs. supervised learning 6)Choosing what featur…

【Gym - 101606F】Flipping Coins(概率dp)

题干: Here’s a jolly and simple game: line up a row of N identical coins, all with the heads facing down onto the table and the tails upwards, and for exactly K times take one of the coins, toss it into the air, and replace it as it lands eith…

ROS actionlib学习(一)

actionlib是ROS中一个很重要的功能包集合,尽管在ROS中已经提供了srevice机制来满足请求—响应式的使用场景,但是假如某个请求执行时间很长,在此期间用户想查看执行的进度或者取消这个请求的话,service机制就不能满足了&#xff0c…

机器学习笔记(十五):推荐系统

目录 1)Problem formulation 2)Content-based recommendations 3)Collaborative filtering 4)Collaborative filtering algorithm 5)Vectorization: Low rank matrix factorization 6)Implementation…

*【CodeForces - 280C】Game on Tree(期望模型,期望的线性性)

题干: Momiji has got a rooted tree, consisting of n nodes. The tree nodes are numbered by integers from 1 to n. The root has number 1. Momiji decided to play a game on this tree. The game consists of several steps. On each step, Momiji chooses…