机器学习模型-支持向量机(SVM)
  二.代码实现
  
  import numpy as np
  
  from sklearn import datasets
  
  from sklearn.model_selection import train_test_split
  
  from sklearn.linear_model import LogisticRegression
  
  import warnings
  
  warnings.filterwarnings('ignore')
  
  data = datasets.load_breast_cancer()
  
  x = data.data;y = data.target
  
  y[y==0] = -1
  
  x_train,x_test,y_train,y_test = train_test_split(x,y,test_size=0.2,random_state=1)
  
  omega = np.zeros(x.shape[1])
  
  b = 0
  
  lr = 0.01
  
  C = 1
  
  maxgen = 500
  
  for L in range(maxgen):
  
      error = 1 - (np.dot(x_train,omega)+b)*y_train
  
      index = np.argmax(error)
  
      if error[index] > 0:
  
          omega = (1-lr)*omega + lr*C*y_train[index]*x_train[index,:]
  
          b = b + lr*C*y_train[index]
  
      else:
  
          break
  
  predict_train = np.sign(np.dot(x_train,omega)+b)
  
  train_acc = len(np.where(predict_train==y_train)[0])/len(y_train)
  
  predict_test = np.sign(np.dot(x_test,omega)+b)
  
  test_acc = len(np.where(predict_test==y_test)[0])/len(y_test)
  
  print('Train acc = ',round(train_acc,4),' Test acc = ',round(test_acc,4))
  
  三.SMO算法实现
  
  import numpy as np
  
  from sklearn import datasets
  
  from sklearn import preprocessing
  
  from sklearn.model_selection import train_test_split
  
  from sklearn.svm import SVC
  
  import warnings
  
  warnings.filterwarnings('ignore')
  
  data = datasets.load_breast_cancer()
  
  x = data.data;x = preprocessing.MinMaxScaler().fit_transform(x)
  
  y = data.target;y[y==0] = -1
  
  x_train,x_test,y_train,y_test = train_test_split(x,y,test_size=0.2,random_state=1)
  
  alpha = np.zeros(x_train.shape[0])
  
  b = 0
  
  C = 1
  
  p = np.zeros(x_train.shape[0])
  
  maxgen = 100
  
  def gramMat(x):
  
      v = []
  
      for i in x:
  
          for j in x:
  
              k = np.dot(i,j.T)
  
              v.append(k)
  
      gram = np.array(v).reshape(len(x),len(x))
  
      return gram
  
  K = gramMat(x_train)
  
  def selectFirstSample(K,y,p,alpha,b,C):
  
      threshold = 0.001
  
      c = y*p-1
  
      c1 = c.copy();c2=c.copy();c3=c.copy()
  
      c1[(alpha > 0) & (c >= 0)] = 0
  
      c2[((alpha==0) | (alpha==C)) & (c==0)] = 0
  
      c3[(alpha < 0) & (c www.tiaotiaoylzc.com/  <= 0)] = 0
  
      error = c1**2+c2**2+c3**2
  
      index = np.argmax(error)
  
      if error[index] >= threshold:
  
          return index
  
      else:
  
          return None
  
  def selectSecondSample(id1,y_train):
  
      id2 = np.random.randint(www.ysyl157.com  len(y_train))
  
      while id1 == id2:
  
          id2 = np.random.randint(len(y_train))
  
      return id2
  
  def boundary(y,id1,id2,C):
  
      if y[id1] =www.xgll521.com= y[id2]:
  
          lb = max(0,alpha[id1]+alpha[id2]-C)
  
          ub = min(C,alpha[id1]+alpha[id2])
  
      else:
  
          lb = max(0,alpha[id2]-alpha[id1])
  
          ub = min(C,C+alpha[id2]-alpha[id1])
  
      return lb,ub
  
  def updateAlpha(K,y,p,id1,id2,lb,ub,C):
  
      old_alpha1 = alpha[id1];old_alpha2 = alpha[id2]
  
      p1 = p[id1];p2 = p[id2]
  
      y1 = y[id1];y2 = y[id2]
  
      E1 = p1 - y1;E2 = p2 - y2
  
      beta = 2*K[id1,id2] - K[id1,id1] - K[id2,id2]
  
      new_alpha2 = old_alpha2 - y2*(E1-E2)/beta
  
      if new_alpha2 > ub:
  
          new_alpha2 = ub
  
      if new_alpha2 < lb:
  
          new_alpha2 www.taohuaqing178.com= lb
  
      alpha[id2] = new_alpha2
  
      new_alpha1 = old_alpha1 - y1*y2*(new_alpha2 - old_alpha2)
  
      alpha[id1] = new_alpha1
  
      deta1 = new_alpha1 - old_alpha1
  
      deta2 = new_alpha2 - old_alpha2
  
      dw = [y1*deta1,y2*deta2]
  
      b1 = -E1 - y1*K[id1,id1]*deta1 - y2*K[id1,id2]*deta2
  
      b2 = -E2 - y1*K[id1,id2]*deta1 - y2*K[id2,id2]*deta2
  
      if new_alpha1 >=0 and new_alpha1 <= C:
  
          db = b1
  
      elif new_alpha2 >www.thd178.com/ =0 and new_alpha2 <= C:
  
          db = b2
  
      else:
  
          db = (b1 + b2)/2
  
      p = p + dw[0]*K[id1,:].T + dw[1]*K[id2,:].T + db
  
      return p
  
  for L in range(maxgen):
  
      id1 = selectFirstSample(K,y_train,p,alpha,b,C)
  
      id2 = selectSecondSample(id1,y_train)
  
      lb,ub = boundary(y_train,id1,id2,C)
  
      p = updateAlpha(K,y,p,id1,id2,lb,ub,C)
  
  index = np.argmax((alpha!=0)&(alpha!=C))
  
  b = y_train[index] - np.sum(alpha*y_train*K[:,index])
  
  predict_train = np.sign(np.sum(alpha*y_train*K,axis=0)+b)
  
  train_acc = len(np.where(predict_train==y_train)[0])/len(y_train)
  
  predict_test = []
  
  for arr in x_test:
  
      v = np.sum(alpha*y_train*np.dot(x_train,arr.T))+b
  
      predict_test.append(np.sign(v))   
  
  test_acc = len(np.where(predict_test==y_test)[0])/len(y_test)
  
  print('self-written ==> Train acc = ',round(train_acc,4),' Test acc = ',round(test_acc,4))
  
  model = SVC()
  
  model.fit(x_train,y_train)
  
  train_acc = model.score(x_train,y_train)
  
  test_acc = model.score(x_test,y_test)
  
  print('sklearn ==> Train acc = ',round(train_acc,4),' Test acc = ',round(test_acc,4))
机器学习模型-支持向量机(SVM)的更多相关文章
- 机器学习之支持向量机—SVM原理代码实现
		支持向量机—SVM原理代码实现 本文系作者原创,转载请注明出处:https://www.cnblogs.com/further-further-further/p/9596898.html 1. 解决 ... 
- 机器学习:支持向量机(SVM)
		SVM,称为支持向量机,曾经一度是应用最广泛的模型,它有很好的数学基础和理论基础,但是它的数学基础却比以前讲过的那些学习模型复杂很多,我一直认为它是最难推导,比神经网络的BP算法还要难懂,要想完全懂这 ... 
- 机器学习算法 - 支持向量机SVM
		在上两节中,我们讲解了机器学习的决策树和k-近邻算法,本节我们讲解另外一种分类算法:支持向量机SVM. SVM是迄今为止最好使用的分类器之一,它可以不加修改即可直接使用,从而得到低错误率的结果. [案 ... 
- 【机器学习】支持向量机SVM
		关于支持向量机SVM,这里也只是简单地作个要点梳理,尤其是要注意的是SVM的SMO优化算法.核函数的选择以及参数调整.在此不作过多阐述,单从应用层面来讲,重点在于如何使用libsvm,但对其原理算法要 ... 
- python机器学习之支持向量机SVM
		支持向量机SVM(Support Vector Machine) 关注公众号"轻松学编程"了解更多. [关键词]支持向量,最大几何间隔,拉格朗日乘子法 一.支持向量机的原理 Sup ... 
- 机器学习(十一)  支持向量机 SVM(上)
		一.什么是支撑向量机SVM (Support Vector Machine) SVM(Support Vector Machine)指的是支持向量机,是常见的一种判别方法.在机器学习领域,是一个有监督 ... 
- 机器学习-5 支持向量机SVM
		一.概念和背景 SVM:Support Vector Machine 支持向量机. 最早是由Vladimir N. Vapnik和Alexey Ya. Chervonenkis在1963年提出的. 目 ... 
- 机器学习(十一)  支持向量机 SVM(下)
		支持向量机通过某非线性变换 φ( x) ,将输入空间映射到高维特征空间.特征空间的维数可能非常高.如果支持向量机的求解只用到内积运算,而在低维输入空间又存在某个函数 K(x, x′) ,它恰好等于在高 ... 
- 吴裕雄--天生自然python机器学习:支持向量机SVM
		基于最大间隔分隔数据 import matplotlib import matplotlib.pyplot as plt from numpy import * xcord0 = [] ycord0 ... 
随机推荐
- web3.js_1.x.x--API(一)event/Constant/deploy/options
			/* 事件是使用EVM日志内置功能的方便工具,在DAPP的接口中,它可以反过来调用Javascript的监听事件的回调. 事件在合约中可被继承.当被调用时,会触发参数存储到交易的日志中(一种区块链上的 ... 
- vuex组件 vuex-persistedstate
			vuex用于管理项目中的全局状态,但是我们一刷新vuex中保存的全局状态就会被全部初始化,虽然我们也可以同事缓存到storage中做两步操作,但是vuex-persistedstate组件已经帮我们完 ... 
- Discuz论坛搜索下拉框插件openSug
			Discuz!只需安装openSug插件即可获得带有“搜索框提示”功能的搜索框,让您的Discuz搜索更便捷! 下载:https://www.opensug.org/faq/.../opensug.d ... 
- hdcms v5.7.0学习笔记
			hdcms v5.7.0学习笔记 https://note.youdao.com/ynoteshare1/index.html?id=c404d63ac910eb15a440452f73d6a6db& ... 
- Bad escape character ‘ygen’ 错误原因!
			ssh-keygen -t rsa -C “邮箱” ssh-keygen 命令中间没有空格,如果在ssh后面加上空格,会得到Bad escape character ‘ygen’.的错误. 
- pyecharts数据分析及展示
			仅仅从网上爬下数据当然是不够用的,主要还得对数据进行分析与展示,大部分人都看重薪资,但是薪资数据有的是*k/月,有的是*万/月,还有*万/年等等,就要对数据进行清理 将所有单位统一化,全部换算成统一单 ... 
- 640. Solve the Equation
			class Solution { public: string solveEquation(string equation) { int idx = equation.find('='); , v1 ... 
- C# 设置程序最小化到任务栏右下角,鼠标左键单击还原,右键提示关闭程序
			首先设置程序最小化到任务栏右下角 先给窗口添加一个notifyIcon控件 为notifyIcon控件设置ICO图标(不设置图标将无法在任务栏显示) 给notifyIcon控件添加点击事件 然后是最小 ... 
- 利用JS调取电脑摄像头,实现拍照功能
			1.调取电脑摄像头非常简单,看代码一幕了然 window.addEventListener("DOMContentLoaded", function() { var canvas ... 
- CDH-5.9.2整合spark2
			1.编写目的:由于cdh-5.9.2自带spark版本是spark1.6,现需要测试spark2新特性,需要整合spark2, 且spark1.x和spark2.x可以同时存在于cdh中,无需先删除s ... 
