'''
Created on 2017年5月21日 @author: weizhen
'''
#Tensorflow的另外一个高层封装TFLearn(集成在tf.contrib.learn里)对训练Tensorflow模型进行了一些封装
#使其更便于使用。
#使用TFLearn实现分类问题
#为了方便数据处理,本程序使用了sklearn工具包,
#更多信息可以参考http://scikit-learn.org
from sklearn import model_selection
from sklearn import datasets
from sklearn import metrics
import tensorflow as tf
import numpy as np
from tensorflow.contrib.learn.python.learn.estimators.estimator import SKCompat
#导入TFLearn
learn = tf.contrib.learn #自定义模型,对于给定的输入数据(features)以及其对应的正确答案(target)
#返回在这些输入上的预测值、损失值以及训练步骤
def my_model(features,target):
#将预测的目标转换为one-hot编码的形式,因为共有三个类别,所以向量长度为3.经过转化后,第一个类别表示为(1,0,0)
#第二个为(0,1,0),第三个为(0,0,1)
target = tf.one_hot(target,3,1,0) #定义模型以及其在给定数据上的损失函数
logits = tf.contrib.layers.fully_connected(features,3,tf.nn.softmax)
loss = tf.losses.softmax_cross_entropy(target, logits) #创建模型的优化器,并得到优化步骤
train_op=tf.contrib.layers.optimize_loss(loss, #损失函数
tf.contrib.framework.get_global_step(), #获取训练步数并在训练时更新
optimizer='Adam', #定义优化器
learning_rate=0.01) #定义学习率
#返回在给定数据上的预测结果、损失值以及优化步骤
return tf.arg_max(logits, 1),loss,train_op #加载iris数据集,并划分为训练集合和测试集合
iris = datasets.load_iris()
x_train,x_test,y_train,y_test=model_selection.train_test_split(iris.data,
iris.target,
test_size=0.2,
random_state=0)
#将数据转化为float32格式
x_train,x_test = map(np.float32,[x_train,x_test])
#封装和训练模型,输出准确率
classifier=SKCompat(learn.Estimator(model_fn=my_model,model_dir="Models/model_1"))
#使用封装好的模型和训练数据执行100轮迭代
classifier.fit(x_train,y_train,steps=800) #使用训练好的模型进行结果预测
y_predicted=[i for i in classifier.predict(x_test)]
#计算模型的准确度
score=metrics.accuracy_score(y_test,y_predicted)
print("Accuracy: %.2f"%(score*100))

结果如下所示

2017-05-21 15:49:11.386435: W c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE instructions, but these are available on your machine and could speed up CPU computations.
2017-05-21 15:49:11.386846: W c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE2 instructions, but these are available on your machine and could speed up CPU computations.
2017-05-21 15:49:11.387271: W c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE3 instructions, but these are available on your machine and could speed up CPU computations.
2017-05-21 15:49:11.387604: W c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.1 instructions, but these are available on your machine and could speed up CPU computations.
2017-05-21 15:49:11.388450: W c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.2 instructions, but these are available on your machine and could speed up CPU computations.
2017-05-21 15:49:11.388882: W c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX instructions, but these are available on your machine and could speed up CPU computations.
2017-05-21 15:49:11.389180: W c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX2 instructions, but these are available on your machine and could speed up CPU computations.
2017-05-21 15:49:11.389766: W c:\tf_jenkins\home\workspace\release-win\device\cpu\os\windows\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use FMA instructions, but these are available on your machine and could speed up CPU computations.
Accuracy: 100.00

最新文章

  1. JavaScript 常用正则表达式
  2. innodb的表最大限制
  3. mysql简介
  4. 在 Ubuntu 14.04 中配置 PXE 服务器
  5. ADO.NET基础01
  6. python list删除元素 del remove
  7. 《算法导论》习题解答 Chapter 22.1-3(转置图)
  8. C#操作Excel基本操作
  9. C# 解析js方法,并调用js方法
  10. Webview Android与js交互
  11. Maven管理Android项目1
  12. IIS的Connection由改为close改为Keep-Alive
  13. MySQL数据类型转换函数CAST与CONVERT的用法
  14. HBase 索引创建
  15. CUDA版本的OpenCL在windows 7的下编程初步
  16. es6 for of 循环
  17. PhpStorm 常用插件
  18. windows服务安装,卸载
  19. Android样式的开发:shape篇
  20. float double

热门文章

  1. JSP 获取访问者真正的IP地址
  2. PHP抓取远程图片到本地保存(如何把错误信息用text文件写入)
  3. qbxt Day3 on 2019-8-18
  4. 用 Flask 来写个轻博客 (36) — 使用 Flask-RESTful 来构建 RESTful API 之五
  5. python with as 以上这段代码执行完毕后,就算在处理过程中出问题了,文件 f 总是会关闭。
  6. CSS属性去除图片链接时的虚线框
  7. HBase 中加盐之后的表如何读取:Spark 篇
  8. VB - 错误处理
  9. make源文件时出现 /usr/bin/ld: cannot find -lstdc++ 错误
  10. SQL数据库—<6-001> 常用系统存储过程大全 --摘录网