当前位置: 首页 > news >正文

应用frontpage制作教学网站wordpress还能打开吗

应用frontpage制作教学网站,wordpress还能打开吗,如何利用wordpress,中国10大品牌网官网吴恩达《机器学习》学习笔记七——逻辑回归#xff08;二分类#xff09;代码一、无正则项的逻辑回归1.问题描述2.导入模块3.准备数据4.假设函数5.代价函数6.梯度下降7.拟合参数8.用训练集预测和验证9.寻找决策边界二、正则化逻辑回归1.准备数据2.特征映射3.正则化代价函数4.… 吴恩达《机器学习》学习笔记七——逻辑回归二分类代码一、无正则项的逻辑回归1.问题描述2.导入模块3.准备数据4.假设函数5.代价函数6.梯度下降7.拟合参数8.用训练集预测和验证9.寻找决策边界二、正则化逻辑回归1.准备数据2.特征映射3.正则化代价函数4.正则化梯度5.拟合参数6.预测7.画出决策边界课程链接https://www.bilibili.com/video/BV164411b7dx?fromsearchseid5329376196520099118 这次的笔记紧接着上两次对逻辑回归模型和正则化笔记将一个分类问题用逻辑回归和正则化的方法解决。机器学习在我看来理论和代码需要两手抓即使理论搞懂代码也将是又一个门槛所以多多尝试。 这次笔记用到的数据集https://pan.baidu.com/s/1h5Ygse5q2wkTeXA9Pwq2RA 提取码5rd4 一、无正则项的逻辑回归 1.问题描述 建立一个逻辑回归模型来预测一个学生是否被大学录取。根据两次考试的结果来决定每个申请人的录取机会。有以前的申请人的历史数据 可以用它作为逻辑回归的训练集 python实现逻辑回归 目标建立分类器求解出三个参数 θ0 θ1 θ2即得出分界线 备注:θ1对应’Exam 1’成绩,θ2对应’Exam 2’ 设定阈值根据阈值判断录取结果 备注:阈值指的是最终得到的概率值.将概率值转化成一个类别.一般是0.5是被录取了,0.5未被录取. 2.导入模块 import pandas as pd import numpy as np import matplotlib.pyplot as plt import seaborn as sns plt.style.use(fivethirtyeight) #样式美化 import matplotlib.pyplot as plt from sklearn.metrics import classification_report#这个包是评价报告1.Seaborn是基于matplotlib的图形可视化python包。它提供了一种高度交互式界面便于用户能够做出各种有吸引力的统计图表。 Seaborn是在matplotlib的基础上进行了更高级的API封装从而使得作图更加容易在大多数情况下使用seaborn能做出很具有吸引力的图而使用matplotlib就能制作具有更多特色的图。应该把Seaborn视为matplotlib的补充而不是替代物。同时它能高度兼容numpy与pandas数据结构以及scipy与statsmodels等统计模式。 2.plt.style.use()函数可以对图片的整体风格进行设置。可以通过plt.style.availabel知道一共有多少种主题。具体参考plt.style.use()函数介绍。 3.sklearn中的classification_report函数用于显示主要分类指标的文本报告在报告中显示每个类的精确度召回率F1值等信息。具体参考classification_report函数介绍 3.准备数据 data pd.read_csv(work/ex2data1.txt, names[exam1, exam2, admitted]) data.head()#看前五行data.describe()数据读入后通过可视化查看一下数据分布 sns.set(contextnotebook, styledarkgrid, palettesns.color_palette(RdBu, 2)) #设置样式参数,默认主题 darkgrid灰色背景白网格,调色板 2色sns.lmplot(exam1, exam2, hueadmitted, datadata, size6, fit_regFalse, #fit_reg参数控制是否显示拟合的直线scatter_kws{s: 50}) #hue参数是将name所指定的不同类型的数据叠加在一张图中显示 plt.show()#看下数据的样子定义了下面三个函数分别用于从数据中提取特征X提取标签y以及对特征进行标准化处理。 def get_X(df):#读取特征 # # use concat to add intersect feature to avoid side effect # not efficient for big dataset though # ones pd.DataFrame({ones: np.ones(len(df))})#ones是m行1列的dataframedata pd.concat([ones, df], axis1) # 合并数据根据列合并 axis 1的时候concat就是行对齐然后将不同列名称的两张表合并 加列return data.iloc[:, :-1].as_matrix() # 这个操作返回 ndarray,不是矩阵def get_y(df):#读取标签 # assume the last column is the targetreturn np.array(df.iloc[:, -1])#df.iloc[:, -1]是指df的最后一列def normalize_feature(df): # Applies function along input axis(default 0) of DataFrame.return df.apply(lambda column: (column - column.mean()) / column.std())#特征缩放在逻辑回归同样适用提取特征和标签 X get_X(data) print(X.shape)y get_y(data) print(y.shape)4.假设函数 逻辑回归模型的假设函数 def sigmoid(z):# your code here (appro ~ 1 lines)return 1 / (1 np.exp(-z))绘制一下sigmoid函数的图像 fig, ax plt.subplots(figsize(8, 6)) ax.plot(np.arange(-10, 10, step0.01),sigmoid(np.arange(-10, 10, step0.01))) ax.set_ylim((-0.1,1.1)) #lim 轴线显示长度 ax.set_xlabel(z, fontsize18) ax.set_ylabel(g(z), fontsize18) ax.set_title(sigmoid function, fontsize18) plt.show()5.代价函数 初始化参数 theta thetanp.zeros(3) # X(m*n) so theta is n*1 theta定义代价函数 def cost(theta, X, y): cost fn is -l(theta) for you to minimizecostf np.mean(-y * np.log(sigmoid(X theta)) - (1 - y) * np.log(1 - sigmoid(X theta)))return costf # Hint:X theta与X.dot(theta)等价计算一下初始的代价函数值 cost(theta, X, y)6.梯度下降 这是批量梯度下降batch gradient descent 转化为向量化计算 依次定义梯度 def gradient(theta, X, y):# your code here (appro ~ 2 lines)return (1 / len(X)) * X.T (sigmoid(X theta) - y)计算梯度初始值 gradient(theta, X, y)7.拟合参数 这里不再自定义更新参数的函数而是使用scipy.optimize.minimize 去自动寻找参数。 import scipy.optimize as optres opt.minimize(funcost, x0theta, args(X, y), methodNewton-CG, jacgradient) print(res)其中fun是指优化后的代价函数值x是指优化后的三个参数值。以上算是已经训练完成。 8.用训练集预测和验证 因为这里没有提供验证集所以使用训练集进行预测和验证。就是用训练好的模型对训练集进行预测将结果与真实结果进行比较评估。 def predict(x, theta):prob sigmoid(x theta)return (prob 0.5).astype(int) #实现变量类型转换final_theta res.x y_pred predict(X, final_theta)print(classification_report(y, y_pred))9.寻找决策边界 决策边界就是下面这样一条线 print(res.x) # this is final thetacoef -(res.x / res.x[2]) # find the equation print(coef)x np.arange(130, step0.1) y coef[0] coef[1]*x在看一下数据描述确定一下x和y的范围 data.describe() # find the range of x and ysns.set(contextnotebook, styleticks, font_scale1.5) 默认使用notebook上下文 主题 context可以设置输出图片的大小尺寸(scale)sns.lmplot(exam1, exam2, hueadmitted, datadata, size6, fit_regFalse, scatter_kws{s: 25})plt.plot(x, y, grey) plt.xlim(0, 130) plt.ylim(0, 130) plt.title(Decision Boundary) plt.show()二、正则化逻辑回归 1.准备数据 这边使用一个新的数据集 df pd.read_csv(ex2data2.txt, names[test1, test2, accepted]) df.head()sns.set(contextnotebook, styleticks, font_scale1.5)sns.lmplot(test1, test2, hueaccepted, datadf, size6, fit_regFalse, scatter_kws{s: 50})plt.title(Regularized Logistic Regression) plt.show()从这个数据分布来看不可能使用一条直线做到很好的划分数据集两个类别。所以我们需要做一个特征映射就是在已有的两个特征的基础上添加一些高次幂的特征组合使得决策边界可以变成一条能较好划分的曲线。 2.特征映射 在这里我把它映射成这样的一组特征 一共有28个项那么我们可以将这些组合特征看成一个个独立的特征即看成x1、x2。。。x28然后通过逻辑回归的方法来求解。 def feature_mapping(x, y, power, as_ndarrayFalse): # return mapped features as ndarray or dataframedata {f{}{}.format(i - p, p): np.power(x, i - p) * np.power(y, p)for i in np.arange(power 1)for p in np.arange(i 1)}if as_ndarray:return pd.DataFrame(data).as_matrix()else:return pd.DataFrame(data)x1 np.array(df.test1) x2 np.array(df.test2)data feature_mapping(x1, x2, power6) print(data.shape) data.head()下面是特征映射之后的数据集特征变成了28维 data.describe()3.正则化代价函数 相比之前的表达式多了正则化的惩罚项。 theta np.zeros(data.shape[1]) X feature_mapping(x1, x2, power6, as_ndarrayTrue) print(X.shape)y get_y(df) print(y.shape)def regularized_cost(theta, X, y, l1):theta_j1_to_n theta[1:]regularized_term (l / (2 * len(X))) * np.power(theta_j1_to_n, 2).sum()return cost(theta, X, y) regularized_term计算一下初始代价函数值 regularized_cost(theta, X, y, l1)因为我们设置theta为0所以这个正则化代价函数与代价函数的值应该相同 4.正则化梯度 def regularized_gradient(theta, X, y, l1):theta_j1_to_n theta[1:] #不加theta0regularized_theta (l / len(X)) * theta_j1_to_nregularized_term np.concatenate([np.array([0]), regularized_theta])return gradient(theta, X, y) regularized_term计算一下梯度的初始值 regularized_gradient(theta, X, y)5.拟合参数 import scipy.optimize as optprint(init cost {}.format(regularized_cost(theta, X, y)))res opt.minimize(funregularized_cost, x0theta, args(X, y), methodNewton-CG, jacregularized_gradient) res6.预测 final_theta res.x y_pred predict(X, final_theta)print(classification_report(y, y_pred))7.画出决策边界 我们需要找到所有满足 X×θ0 的x这里不求解多项式表达式而是创造一个足够密集的网格对网格里的每一个点进行 X×θ的计算若结果小于一个很小的值如10 ^ -3则可以当做是边界上的一点遍历该网格上的每一点即可得到近似边界。 def draw_boundary(power, l): # # power: polynomial power for mapped feature # l: lambda constant # density 1000threshhold 2 * 10**-3final_theta feature_mapped_logistic_regression(power, l)x, y find_decision_boundary(density, power, final_theta, threshhold)df pd.read_csv(ex2data2.txt, names[test1, test2, accepted])sns.lmplot(test1, test2, hueaccepted, datadf, size6, fit_regFalse, scatter_kws{s: 100})plt.scatter(x, y, cR, s10)plt.title(Decision boundary)plt.show()def feature_mapped_logistic_regression(power, l): # for drawing purpose only.. not a well generealize logistic regression # power: int # raise x1, x2 to polynomial power # l: int # lambda constant for regularization term # df pd.read_csv(ex2data2.txt, names[test1, test2, accepted])x1 np.array(df.test1)x2 np.array(df.test2)y get_y(df)X feature_mapping(x1, x2, power, as_ndarrayTrue)theta np.zeros(X.shape[1])res opt.minimize(funregularized_cost,x0theta,args(X, y, l),methodTNC,jacregularized_gradient)final_theta res.xreturn final_thetadef find_decision_boundary(density, power, theta, threshhold):t1 np.linspace(-1, 1.5, density) #1000个样本t2 np.linspace(-1, 1.5, density)cordinates [(x, y) for x in t1 for y in t2]x_cord, y_cord zip(*cordinates)mapped_cord feature_mapping(x_cord, y_cord, power) # this is a dataframeinner_product mapped_cord.as_matrix() thetadecision mapped_cord[np.abs(inner_product) threshhold]return decision.f10, decision.f01 #寻找决策边界函数下面我们看一下正则化系数不同导致的决策边界有什么不同 draw_boundary(power6, l1) #set lambda 1draw_boundary(power6, l0) # set lambda 0.1draw_boundary(power6, l100) # set lambda 10上面三个例子分别展示了较好拟合、过拟合和欠拟合的三种情况。
http://www.pierceye.com/news/243709/

相关文章:

  • 网站建设要经历哪些步骤电商仓储代发招商合作
  • 网站开发如何搭建框架潍坊网站建设公司
  • 免费网页制作网站建设2015年做啥网站致富
  • 个人网站制作基本步骤江阴网站的建设
  • 英文网站名需要斜体吗宁波seo外包费用
  • 网站设计价格公司门户网站建设
  • wordpress如何修改文章路径哈尔滨个人优化排名
  • 拓者设计吧网站科技基金
  • 有专门下载地图做方案的网站吗家装公司报价
  • 阿里域名注册网站阿里云建站保证销售额
  • 三北防护林体系建设网站培训班学员培训心得
  • 西安百度网站排名优化友情链接代码模板
  • 网站建设怎么做网站济南做网站推广有哪些公司
  • 恩阳建设局网站南阳网站建设赛科
  • 服务器IP做网址打开网站传媒公司宣传
  • 安装Wordpress个人网站医院网站建设公司价格低
  • 万能网页编辑器南通百度seo代理
  • 关于酒店网站建设的摘要手机百度2020
  • 楚雄网站建设rewlkj自己怎么建立个人网站
  • 网站开发工程师工作描述加强门户网站建设与管理办法
  • 电商网站优化方案个人网站设计与制作代码
  • 仙居建设规划局网站asp 茶叶网站模板
  • 福州网页模板建站梦幻西如何建立网站做代练
  • 专业做毕业设计网站设计禹州市城乡建设局网站
  • 魔站网站开发手机商城官网
  • 沧州 网站建设公众号搭建第三方平台
  • 天津建设项目招投标网站唐山网站建设推广
  • 长沙h5建站手机图片网站源码
  • php网站项目无锡有网页制作公司吗
  • 做企业网站需要收费吗wordpress单主题