svm分析(类似于源码)

from future import print_function
from time import time
import logging
#绘图工具
import matplotlib.pyplot as plt
#cross_validation:交叉验证,这里现在使用model_selection
from sklearn.model_selection import train_test_split
from sklearn.datasets import fetch_lfw_people
#grid_search:网格搜索,现在该模块也被移除了python3中使用GridSearchCV
from sklearn.model_selection import GridSearchCV
from sklearn.metrics import classification_report
from sklearn.metrics import confusion_matrix
from sklearn.decomposition import RandomizedPCA
from sklearn.svm import SVC

print(doc)
#Display progress logs on stdout
#把程序的一些进展信息打印出来
logging.basicConfig(level=logging.INFO, format='%(asctime)s %(message)s')

###############################################################################
#Download the data, if not already on disk and load it as numpy arrays
#下载数据 `
lfw_people = fetch_lfw_people(min_faces_per_person=70, resize=0.4)

#introspect the images arrays to find the shapes (for plotting)
#提取各种特征信息
n_samples, h, w = lfw_people.images.shape

#for machine learning we use the 2 data directly (as relative pixel
#positions info is ignored by this model)
#X是关于特征向量的矩阵
X = lfw_people.data
#通过行数或者列数来得到特征值的数量
n_features = X.shape[1]

#the label to predict is the id of the person
#每个实例数据对应的人脸
y = lfw_people.target
target_names = lfw_people.target_names
#有多少人需要区分
n_classes = target_names.shape[0]

print("Total dataset size:")
print("n_samples: %d" % n_samples)
print("n_features: %d" % n_features)
print("n_classes: %d" % n_classes)

###############################################################################
#Split into a training set and a test set using a stratified k fold

#split into a training and testing set
#把数据分成训练集和测试集
X_train, X_test, y_train, y_test = train_test_split(
X, y, test_size=0.25)

###############################################################################
#Compute a PCA (eigenfaces) on the face dataset (treated as unlabeled
#dataset): unsupervised feature extraction / dimensionality reduction
#n_components组成元素的数量,是一个参数
n_components = 150

print("Extracting the top %d eigenfaces from %d faces"
% (n_components, X_train.shape[0]))
t0 = time()
#RandomizedPCA方法可以把一个高维的特征向量变成一个低维的
pca = RandomizedPCA(n_components=n_components, whiten=True).fit(Xtrain)
print("done in %0.3fs" % (time() - t0))
#提取一些特征值,叫做eigenfaces
eigenfaces = pca.components
.reshape((n_components, h, w))

print("Projecting the input data on the eigenfaces orthonormal basis")
t0 = time()
#转化一个低维的特征向量,完成降维工作
X_train_pca = pca.transform(X_train)
X_test_pca = pca.transform(X_test)
print("done in %0.3fs" % (time() - t0))

###############################################################################
#Train a SVM classification model

print("Fitting the classifier to the training set")
t0 = time()
#设置参数
#C:对于错误部分进行处罚
#gamma:多少的feature启动
#30种组合
param_grid = {'C': [1e3, 5e3, 1e4, 5e4, 1e5],
'gamma': [0.0001, 0.0005, 0.001, 0.005, 0.01, 0.1], }
#class_weight:权重-------kernel:核函数
clf = GridSearchCV(SVC(kernel='rbf', class_weight='auto'), param_grid)
clf = clf.fit(X_train_pca, y_train)
print("done in %0.3fs" % (time() - t0))
print("Best estimator found by grid search:")
print(clf.bestestimator)

###############################################################################
#Quantitative evaluation of the model quality on the test set

#对模型的好坏进行质量评估
print("Predicting people's names on the test set")
t0 = time()
y_pred = clf.predict(X_test_pca)
print("done in %0.3fs" % (time() - t0))
#看到分类器到底预测对了多少
print(classification_report(y_test, y_pred, target_names=target_names))
#n*n的方格,对角线数目,表示预测对的
print(confusion_matrix(y_test, y_pred, labels=range(n_classes)))

#画图
###############################################################################
#Qualitative evaluation of the predictions using matplotlib

def plot_gallery(images, titles, h, w, n_row=3, n_col=4):
"""Helper function to plot a gallery of portraits"""
plt.figure(figsize=(1.8 n_col, 2.4 n_row))
plt.subplots_adjust(bottom=0, left=.01, right=.99, top=.90, hspace=.35)
for i in range(n_row * n_col):
plt.subplot(n_row, n_col, i + 1)
plt.imshow(images[i].reshape((h, w)), cmap=plt.cm.gray)
plt.title(titles[i], size=12)
plt.xticks(())
plt.yticks(())

#plot the result of the prediction on a portion of the test set

def title(y_pred, y_test, target_names, i):
pred_name = target_names[y_pred[i]].rsplit(' ', 1)[-1]
true_name = target_names[y_test[i]].rsplit(' ', 1)[-1]
return 'predicted: %s\ntrue: %s' % (pred_name, true_name)

prediction_titles = [title(y_pred, y_test, target_names, i)
for i in range(y_pred.shape[0])]

plot_gallery(X_test, prediction_titles, h, w)

#plot the gallery of the most significative eigenfaces

eigenface_titles = ["eigenface %d" % i for i in range(eigenfaces.shape[0])]
plot_gallery(eigenfaces, eigenface_titles, h, w)

plt.show()

转载于:https://blog.51cto.com/13831593/2173895

支持向量机svm的完整实现并配有解析相关推荐

  1. 机器学习实战 支持向量机SVM 代码解析

    机器学习实战 支持向量机SVM 代码解析 <机器学习实战>用代码实现了算法,理解源代码更有助于我们掌握算法,但是比较适合有一定基础的小伙伴.svm这章代码看起来风轻云淡,实则对于新手来说有 ...

  2. OpenCV支持向量机SVM的实例(附完整代码)

    OpenCV支持向量机SVM的实例 OpenCV支持向量机SVM的实例 OpenCV支持向量机SVM的实例 #include <opencv2/core.hpp> #include < ...

  3. OpenCV支持向量机SVM和SDG算法的实例(附完整代码)

    OpenCV支持向量机SVM和SDG算法的实例 OpenCV支持向量机SVM和SDG算法的实例 OpenCV支持向量机SVM和SDG算法的实例 #include "opencv2/core. ...

  4. 支持向量机SVM原理解析

    支持向量机(SVM) 支持向量机(support vector machine,SVM)使用训练集中的一个子集来表示决策边界,边界用于样本分类,这个子集称作支持向量(support vector). ...

  5. 支持向量机(SVM)简介

    支持向量机(support vector machine, SVM):是监督学习中最有影响力的方法之一.类似于逻辑回归,这个模型也是基于线性函数wTx+b的.不同于逻辑回归的是,支持向量机不输出概率, ...

  6. 支持向量机SVM 参数选择

    http://ju.outofmemory.cn/entry/119152 http://www.cnblogs.com/zhizhan/p/4412343.html 支持向量机SVM是从线性可分情况 ...

  7. 吴恩达《Machine Learning》精炼笔记 7:支持向量机 SVM

    作者 | Peter 编辑 | AI有道 系列文章: 吴恩达<Machine Learning>精炼笔记 1:监督学习与非监督学习 吴恩达<Machine Learning>精 ...

  8. 使用支持向量机进行光学字符识别_从零推导支持向量机 (SVM)

    雷锋网 AI 科技评论按,本文作者张皓,目前为南京大学计算机系机器学习与数据挖掘所(LAMDA)硕士生,研究方向为计算机视觉和机器学习,特别是视觉识别和深度学习. 个人主页:http://lamda. ...

  9. 机器学习之支持向量机SVM之python实现ROC曲线绘制(二分类和多分类)

    目录 一.ROC曲线 二.TP.FP.TN.FN 三. python绘制ROC曲线(二分类) 1.思路 2.关键代码 3.完整代码 四. python绘制ROC曲线(多分类) 五.参考文献 一.ROC ...

最新文章

  1. K8s deployments的故障排查可视化指南
  2. php探针源码,服务器探针 (刘海探针)—开源PHP探针
  3. JLabel标签文字换行
  4. 小、快、灵:康宁称雄光通信市场的秘诀
  5. oracle替代变量输出,【Oracle】替代变量
  6. mysql 自动分表_Mysql Event 自动分表
  7. vue中用数组语法绑定class
  8. 关于Git和Github
  9. 洛谷——P2299 Mzc和体委的争夺战
  10. shouldoverrideurlloading为什么有时候不走_为什么付出越多,对方就越不懂得感恩,婚姻有时候也需要斤斤计较...
  11. java hiveconf_Java学习路线分享hive的运行方式
  12. POJ - 3624 Charm Bracelet
  13. NVIDIA教你用TensorRT加速深度学习推理计算 | 量子位线下沙龙笔记
  14. 【Inpho精品教程】任务一:Inpho预处理准备(Pix4d生成未畸变图像、Pix4d生成相机参数文件)
  15. 360顽固木马专杀工具 千万别用
  16. android简易播放器2:activity和service同步显示
  17. jpa报错:mappedBy reference an unknown target entity property:
  18. 从国企到互联网,一个六年程序员的「得」与「失」
  19. 浏览器html5效果测试,8款浏览器对HTML5的支持测试
  20. 【软考】高级系统架构设计师学习经验分享

热门文章

  1. c++ 重载、重写、重定义(隐藏)
  2. PHP jquery瀑布流特效源码
  3. jQuery 中 attr() 和 prop() 方法的区别
  4. 点击失效,一层透明的view,
  5. syslog-ng+loganalyzer log system install guide
  6. 《互联网运营智慧》之自序(新)
  7. 利用XSL对XML数据进行加密和大小写转换
  8. Android startActivityForResult
  9. 使用Vue动态生成form表单的实例代码
  10. 将jsp页面转pdf