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

可信网站标准版腾讯云cdn wordpress

可信网站标准版,腾讯云cdn wordpress,网络公关公司联系方式,注册了域名之后如何建立一个网站1. 线性回归 简述 在统计学中#xff0c;线性回归#xff08;Linear Regression#xff09;是利用称为线性回归方程的最小平方函数对一个或多个自变量和因变量之间关系进行建模的一种回归分析。这种函数是一个或多个称为回归系数的模型参数的线性组合#xff08;自变量都…1. 线性回归 简述 在统计学中线性回归Linear Regression是利用称为线性回归方程的最小平方函数对一个或多个自变量和因变量之间关系进行建模的一种回归分析。这种函数是一个或多个称为回归系数的模型参数的线性组合自变量都是一次方。只有一个自变量的情况称为简单回归大于一个自变量情况的叫做多元回归。 优点结果易于理解计算上不复杂。 缺点对非线性数据拟合不好。 适用数据类型数值型和标称型数据。 算法类型回归算法 线性回归的模型函数如下 hθθTxh_\theta \theta ^T x hθ​θTx 它的损失函数如下 J(θ)12m∑i1m(hθ(x(i))−y(i))2J(\theta) {1\over {2m}} \sum_{i1}^m (h_\theta(x^{(i)}) - y^{(i)})^2 J(θ)2m1​i1∑m​(hθ​(x(i))−y(i))2 通过训练数据集寻找参数的最优解即求解可以得到minJ(θ)minJ(\theta)minJ(θ)的参数向量θ\thetaθ,其中这里的参数向量也可以分为参数和w和b和w和b和w和b,分别表示权重和偏置值。 求解最优解的方法有最小二乘法和梯度下降法。 梯度下降法 梯度下降算法的思想如下(这里以一元线性回归为例) 首先我们有一个代价函数假设是J(θ0,θ1)J(\theta_0,\theta_1)J(θ0​,θ1​)我们的目标是minθ0,θ1J(θ0,θ1)min_{\theta_0,\theta_1}J(\theta_0,\theta_1)minθ0​,θ1​​J(θ0​,θ1​)。 接下来的做法是 首先是随机选择一个参数的组合(θ0,θ1)(\theta_0,\theta_1)(θ0​,θ1​),一般是设θ00,θ10\theta_0 0,\theta_1 0θ0​0,θ1​0;然后是不断改变(θ0,θ1)(\theta_0,\theta_1)(θ0​,θ1​)并计算代价函数直到一个局部最小值。之所以是局部最小值是因为我们并没有尝试完所有的参数组合所以不能确定我们得到的局部最小值是否便是全局最小值选择不同的初始参数组合可能会找到不同的局部最小值。 下面给出梯度下降算法的公式 repeat until convergence{ θj:θj−α∂∂θjJ(θ0,θ1)(forj0andj1)\theta_j : \theta_j - \alpha \frac{\partial}{\partial \theta_j} J(\theta_0,\theta_1)\quad (for\quad j0 \quad and\quad j1) θj​:θj​−α∂θj​∂​J(θ0​,θ1​)(forj0andj1) } 也就是在梯度下降中不断重复上述公式直到收敛也就是找到局部最小值局部最小值局部最小值\color{red}{局部最小值}局部最小值局部最小值。其中符号:是赋值符号的意思。 而应用梯度下降法到线性回归则公式如下 θ0:θ0−α1m∑i1m(hθ(x(i))−y(i))θ1:θ1−α1m∑i1m((hθ(x(i))−y(i))⋅x(i))\theta_0 : \theta_0 - \alpha \frac{1}{m}\sum_{i1}^m (h_\theta(x^{(i)}) - y^{(i)})\ \\ \theta_1 : \theta_1 - \alpha \frac{1}{m}\sum_{i1}^m ((h_\theta(x^{(i)}) - y^{(i)}) \cdot x^{(i)}) θ0​:θ0​−αm1​i1∑m​(hθ​(x(i))−y(i)) θ1​:θ1​−αm1​i1∑m​((hθ​(x(i))−y(i))⋅x(i)) 公式中的α\alphaα称为学习率(learning rate)它决定了我们沿着能让代价函数下降程度最大的方向向下迈进的步子有多大。 在梯度下降中还涉及都一个参数更新的问题即更新(θ0,θ1)(\theta_0,\theta_1)(θ0​,θ1​)一般我们的做法是同步更新。 最后上述梯度下降算法公式实际上是一个叫批量梯度下降(batch gradient descent)即它在每次梯度下降中都是使用整个训练集的数据所以公式中是带有∑i1m\sum_{i1}^m∑i1m​。 岭回归ridge regression: 岭回归是一种专用于共线性数据分析的有偏估计回归方法实质上是一种改良的最小二乘估计法通过放弃最小二乘法的无偏性以损失部分信息、降低精度为代价获得回归系数更为符合实际、更可靠的回归方法对病态数据的耐受性远远强于最小二乘法。 岭回归分析法是从根本上消除复共线性影响的统计方法。岭回归模型通过在相关矩阵中引入一个很小的岭参数K1K0并将它加到主对角线元素上从而降低参数的最小二乘估计中复共线特征向量的影响减小复共线变量系数最小二乘估计的方法以保证参数估计更接近真实情况。岭回归分析将所有的变量引入模型中比逐步回归分析提供更多的信息。 其他回归还可以参考这篇文章。 代码实现 Python实现的代码如下 #Import Library #Import other necessary libraries like pandas, numpy... from sklearn import linear_model #Load Train and Test datasets #Identify feature and response variable(s) and values must be numeric and numpy arraysx_traininput_variables_values_training_datasets y_traintarget_variables_values_training_datasets x_testinput_variables_values_test_datasets# Create linear regression object linear linear_model.LinearRegression()# Train the model using the training sets and check score linear.fit(x_train, y_train) linear.score(x_train, y_train)#Equation coefficient and Intercept print(Coefficient: \n, linear.coef_) print(Intercept: \n, linear.intercept_)#Predict Output predicted linear.predict(x_test)上述是使用sklearn包中的线性回归算法的代码例子下面是一个实现的具体例子。 # -*- coding: utf-8 -*-Created on Mon Oct 17 10:36:06 2016author: cai import os import numpy as np import pandas as pd import matplotlib.pylab as plt from sklearn import linear_model# 计算损失函数 def computeCost(X, y, theta):inner np.power(((X * theta.T) - y), 2)return np.sum(inner) / (2 * len(X))# 梯度下降算法 def gradientDescent(X, y, theta, alpha, iters):temp np.matrix(np.zeros(theta.shape))parameters int(theta.ravel().shape[1])cost np.zeros(iters)for i in range(iters):error (X * theta.T) - yfor j in range(parameters):# 计算误差对权值的偏导数term np.multiply(error, X[:, j])# 更新权值temp[0, j] theta[0, j] - ((alpha / len(X)) * np.sum(term))theta tempcost[i] computeCost(X, y, theta)return theta, costdataPath os.path.join(data, ex1data1.txt) data pd.read_csv(dataPath, headerNone, names[Population, Profit]) # print(data.head()) # print(data.describe()) # data.plot(kindscatter, xPopulation, yProfit, figsize(12, 8)) # 在数据起始位置添加1列数值为1的数据 data.insert(0, Ones, 1) print(data.shape)cols data.shape[1] X data.iloc[:, 0:cols-1] y data.iloc[:, cols-1:cols]# 从数据帧转换成numpy的矩阵格式 X np.matrix(X.values) y np.matrix(y.values) # theta np.matrix(np.array([0, 0])) theta np.matrix(np.zeros((1, cols-1))) print(theta) print(X.shape, theta.shape, y.shape) cost computeCost(X, y, theta) print(cost , cost)# 初始化学习率和迭代次数 alpha 0.01 iters 1000# 执行梯度下降算法 g, cost gradientDescent(X, y, theta, alpha, iters) print(g)# 可视化结果 x np.linspace(data.Population.min(),data.Population.max(),100) f g[0, 0] (g[0, 1] * x)fig, ax plt.subplots(figsize(12, 8)) ax.plot(x, f, r, labelPrediction) ax.scatter(data.Population, data.Profit, labelTraining Data) ax.legend(loc2) ax.set_xlabel(Population) ax.set_ylabel(Profit) ax.set_title(Predicted Profit vs. Population Size)fig, ax plt.subplots(figsize(12, 8)) ax.plot(np.arange(iters), cost, r) ax.set_xlabel(Iteration) ax.set_ylabel(Cost) ax.set_title(Error vs. Training Epoch)# 使用sklearn 包里面实现的线性回归算法 model linear_model.LinearRegression() model.fit(X, y)x np.array(X[:, 1].A1) # 预测结果 f model.predict(X).flatten() # 可视化 fig, ax plt.subplots(figsize(12, 8)) ax.plot(x, f, r, labelPrediction) ax.scatter(data.Population, data.Profit, labelTraining Data) ax.legend(loc2) ax.set_xlabel(Population) ax.set_ylabel(Profit) ax.set_title(Predicted Profit vs. Population Size(using sklearn)) plt.show()上述代码参考自Part 1 - Simple Linear Regression。具体可以查看我的Github。 2. 逻辑回归 简述 Logistic回归算法基于Sigmoid函数或者说Sigmoid就是逻辑回归函数。Sigmoid函数定义如下 11e−z\frac{1}{1e^{-z}}1e−z1​。函数值域范围(0,1)。 因此逻辑回归函数的表达式如下 hθ(x)g(θTX)11e−θTX其中g(z)11e−zh_\theta(x) g(\theta^T X) \frac{1}{1e^{-\theta^TX}} \\ 其中g(z) \frac{1}{1e^{-z}} hθ​(x)g(θTX)1e−θTX1​其中g(z)1e−z1​ 其导数形式为 g′(z)ddz11e−z1(1e−z)2(e−z)11e−z(1−11e−z)g(z)(1−g(z))g\prime (z) \frac{d}{dz} \frac{1}{1e^{-z}} \\ \frac{1}{(1e^{-z})^2} (e^{-z}) \\ \frac{1}{1e^{-z}} (1- \frac{1}{1e^{-z}}) \\ g(z)(1-g(z)) g′(z)dzd​1e−z1​(1e−z)21​(e−z)1e−z1​(1−1e−z1​)g(z)(1−g(z)) 代价函数 逻辑回归方法主要是用最大似然估计来学习的所以单个样本的后验概率为 p(y∣x;θ)(hθ(x))y(1−hθ(x))1−yp(y | x; \theta) (h_\theta(x))^y(1-h_\theta(x))^{1-y} p(y∣x;θ)(hθ​(x))y(1−hθ​(x))1−y 到整个样本的后验概率就是: L(θ)p(y∣X;θ)∏i1mp(y(i)∣x(i);θ)∏i1m(hθ(x(i)))y(i)(1−hθ(x(i)))1−y(i)L(\theta) p(y | X;\theta) \\ \prod_{i1}^{m} p(y^{(i)} | x^{(i)};\theta)\\ \prod_{i1}^{m} (h_\theta(x^{(i)}))^{y^{(i)}}(1-h_\theta(x^{(i)}))^{1-y^{(i)}} L(θ)p(y∣X;θ)i1∏m​p(y(i)∣x(i);θ)i1∏m​(hθ​(x(i)))y(i)(1−hθ​(x(i)))1−y(i) 其中P(y1∣x;θ)hθ(x),P(y0∣x;θ)1−hθ(x)P(y1|x;\theta) h_\theta(x), P(y0|x;\theta)1-h_\theta(x)P(y1∣x;θ)hθ​(x),P(y0∣x;θ)1−hθ​(x)。 通过对数进一步简化有l(θ)logL(θ)∑i1my(i)logh(x(i))(1−y(i))log(1−h(x(i)))l(\theta) logL(\theta) \sum_{i1}^{m}y^{(i)}logh(x^{(i)})(1-y^{(i)})log(1-h(x^{(i)}))l(θ)logL(θ)∑i1m​y(i)logh(x(i))(1−y(i))log(1−h(x(i))). 而逻辑回归的代价函数就是−l(θ)-l(\theta)−l(θ)。也就是如下所示 J(θ)−1m[∑i1my(i)loghθ(x(i))(1−y(i)log(1−hθ(x(i)))]J(\theta) -\frac{1}{m} [\sum_{i1}^my^{(i)}logh_\theta(x^{(i)})(1-y^{(i)}log(1-h_\theta(x^{(i)}))] J(θ)−m1​[i1∑m​y(i)loghθ​(x(i))(1−y(i)log(1−hθ​(x(i)))] 同样可以使用梯度下降算法来求解使得代价函数最小的参数。其梯度下降法公式为 总结 优点 1、实现简单 2、分类时计算量非常小速度很快存储资源低 缺点 1、容易欠拟合一般准确度不太高 2、只能处理两分类问题在此基础上衍生出来的softmax可以用于多分类且必须线性可分 适用数据类型数值型和标称型数据。 类别分类算法。 试用场景解决二分类问题。 代码实现 首先是采用sklearn包中的逻辑回归算法代码 #Import Library from sklearn.linear_model import LogisticRegression #Assumed you have, X (predictor) and Y (target) for training data set and x_test(predictor) of test_dataset# Create logistic regression objectmodel LogisticRegression()# Train the model using the training sets and check score model.fit(X, y) model.score(X, y)#Equation coefficient and Intercept print(Coefficient: \n, model.coef_) print(Intercept: \n, model.intercept_)#Predict Output predicted model.predict(x_test)接下来则是应用例子如下所示 #!/usr/bin/env python # -*- coding: utf-8 -*-Time : 2016/10/19 21:35 Author : cai实现多类的逻辑回归算法import os import numpy as np import pandas as pd import matplotlib.pylab as plt from scipy.optimize import minimize from scipy.io import loadmat# 定义Sigmoid函数 def sigmoid(z):return 1 / (1 np.exp(-z))# 定义 cost函数 def costReg(theta, X, y, lambdas):theta np.matrix(theta)X np.matrix(X)y np.matrix(y)h X * theta.Tfirst np.multiply(-y, np.log(sigmoid(h)))second np.multiply((1-y), np.log(1 - sigmoid(h)))reg (lambdas / 2 * len(X)) * np.sum(np.power(theta[:, 1:theta.shape[1]], 2))return np.sum(first - second) / (len(X)) reg# 梯度下降算法的实现, 输出梯度对权值的偏导数 def gradient(theta, X, y, lambdas):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) - ygrad ((X.T * error) / len(X)).T ((lambdas / len(X)) * theta)grad[0, 0] np.sum(np.multiply(error, X[:, 0])) / len(X)return np.array(grad).ravel()# 实现一对多的分类方法 def one_vs_all(X, y, num_labels, lambdas):rows X.shape[0]params X.shape[1]# 每个分类器有一个 k * (n1)大小的权值数组all_theta np.zeros((num_labels, params 1))# 增加一列这是用于偏置值X np.insert(X, 0, valuesnp.ones(rows), axis1)# 标签的索引从1开始for i in range(1, num_labels 1):theta np.zeros(params 1)y_i np.array([1 if label i else 0 for label in y])y_i np.reshape(y_i, (rows, 1))# 最小化损失函数fmin minimize(funcostReg, x0theta, args(X, y_i, lambdas), methodTNC, jacgradient)all_theta[i-1, :] fmin.xreturn all_thetadef predict_all(X, all_theta):rows X.shape[0]params X.shape[1]num_labels all_theta.shape[0]# 增加一列这是用于偏置值X np.insert(X, 0, valuesnp.ones(rows), axis1)X np.matrix(X)all_theta np.matrix(all_theta)# 对每个训练样本计算其类的概率值h sigmoid(X * all_theta.T)# 获取最大概率值的数组索引h_argmax np.argmax(h, axis1)# 数组是从0开始索引而标签值是从1开始所以需要加1h_argmax h_argmax 1return h_argmaxdataPath os.path.join(data, ex3data1.mat) # 载入数据 data loadmat(dataPath) print(data) print(data[X].shape, data[y].shape)# print(np.unique(data[y])) # 测试 # rows data[X].shape[0] # params data[X].shape[1] # # all_theta np.zeros((10, params 1)) # # X np.insert(data[X], 0, valuesnp.ones(rows), axis1) # # theta np.zeros(params 1) # # y_0 np.array([1 if label 0 else 0 for label in data[y]]) # y_0 np.reshape(y_0, (rows, 1)) # print(X.shape, y_0.shape, theta.shape, all_theta.shape)all_theta one_vs_all(data[X], data[y], 10, 1) print(all_theta)# 计算分类准确率 y_pred predict_all(data[X], all_theta) correct [1 if a b else 0 for (a, b) in zip(y_pred, data[y])] accuracy (sum(map(int, correct)) / float(len(correct))) print(accuracy {0}%.format(accuracy * 100))实现代码来自Part 4 - Multivariate Logistic Regression。具体可以查看我的github 。
http://www.pierceye.com/news/70783/

相关文章:

  • 网易企业邮箱登录入口邮箱乐云seo商城网站建设
  • 做商城网站哪里好移动开发网站建设
  • 360免费建站 服务期宜黄县建设局网站
  • h5响应式网站建设报价wordpress评论编辑器
  • 网站自然优化自学公司logo设计免费生成软件
  • 企业网站建立流程的第一步是网站维护简单吗
  • 深圳网站建设luony怎样建网站步骤
  • 会建设简单的网站可以赚钱吗北京今天出现什么情况了
  • 怎样做个人网站驾校网站建设方案
  • 环球贸易网国际站做任务免费领取东西的网站
  • 安阳网站建设官网仿win8 html5微网站纯手工代码
  • 网站绝对布局南昌 提供网站设计 公司
  • 企业做网站的费用如果做账怀化 优化生育政策
  • 人才招聘网站开发背景wordpress 制作
  • 网站备案能不能出现世界3d建模师未来发展前景
  • 文登网站建设沈阳网站开发外包
  • 魏县专业做网站怎么用网站做word文件
  • 网站推广途径和推广要点家具设计网
  • 宁波微网站开发物流网络规划名词解释
  • 网站备案 是域名还是空间网站开发广告
  • 在线生成个人网站appui培训班教什么
  • domino 网站开发南京网站设南京网站设计计
  • 快手网站题怎么做wordpress前端页面模板
  • 青岛网站排名外包揭东建设局网站
  • 网站功能建设规划书茂名seo快速排名外包
  • 网站开发 360百科商城网站建设报价方案
  • 马克杯网站开发做外语网站的公司
  • dede免费网站模板utf8机房网络组建方案
  • 十元精品店做网站外贸网站contact
  • 做网站的步骤聊城冠县网站建设