资源简介
《tensorflow实战》的源代码
代码片段和文件信息
#%%
# Copyright 2015 The TensorFlow Authors. All Rights Reserved.
#
# Licensed under the Apache License Version 2.0 (the “License“);
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing software
# distributed under the License is distributed on an “AS IS“ BASIS
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
# ==============================================================================
from tensorflow.examples.tutorials.mnist import input_data
mnist = input_data.read_data_sets(“MNIST_data/“ one_hot=True)
print(mnist.train.images.shape mnist.train.labels.shape)
print(mnist.test.images.shape mnist.test.labels.shape)
print(mnist.validation.images.shape mnist.validation.labels.shape)
import tensorflow as tf
sess = tf.InteractiveSession()
x = tf.placeholder(tf.float32 [None 784])
W = tf.Variable(tf.zeros([784 10]))
b = tf.Variable(tf.zeros([10]))
y = tf.nn.softmax(tf.matmul(x W) + b)
y_ = tf.placeholder(tf.float32 [None 10])
cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_ * tf.log(y) reduction_indices=[1]))
train_step = tf.train.GradientDescentOptimizer(0.5).minimize(cross_entropy)
tf.global_variables_initializer().run()
for i in range(1000):
batch_xs batch_ys = mnist.train.next_batch(100)
train_step.run({x: batch_xs y_: batch_ys})
correct_prediction = tf.equal(tf.argmax(y 1) tf.argmax(y_ 1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction tf.float32))
print(accuracy.eval({x: mnist.test.images y_: mnist.test.labels}))
属性 大小 日期 时间 名称
----------- --------- ---------- ----- ----
文件 841 2017-04-20 10:35 解压密码.txt
文件 1784 2017-03-18 21:48 TensorFlow实战代码——黄文坚\TensorFlow实战代码\3_2 HelloWorld.py
文件 5792 2017-03-18 21:46 TensorFlow实战代码——黄文坚\TensorFlow实战代码\4_2 AutoEncoer.py
文件 1992 2017-03-18 21:49 TensorFlow实战代码——黄文坚\TensorFlow实战代码\4_4 MLP.py
文件 2957 2017-03-18 21:57 TensorFlow实战代码——黄文坚\TensorFlow实战代码\5_2 CNN_MNIST.py
文件 5745 2017-03-18 21:57 TensorFlow实战代码——黄文坚\TensorFlow实战代码\5_3 CNN_CIFAR10.py
....... 7667 2017-03-18 21:46 TensorFlow实战代码——黄文坚\TensorFlow实战代码\6_1_AlexNet.py
....... 6608 2017-03-18 21:57 TensorFlow实战代码——黄文坚\TensorFlow实战代码\6_2_VGG.py
....... 18116 2017-03-18 21:57 TensorFlow实战代码——黄文坚\TensorFlow实战代码\6_3_InceptionNet.py
....... 17493 2017-03-18 21:58 TensorFlow实战代码——黄文坚\TensorFlow实战代码\6_4_ResNet.py
....... 8950 2017-03-18 21:51 TensorFlow实战代码——黄文坚\TensorFlow实战代码\7_1_Word2Vec.py
....... 9474 2017-03-18 21:50 TensorFlow实战代码——黄文坚\TensorFlow实战代码\7_2_LSTM.py
....... 4521 2017-03-18 21:47 TensorFlow实战代码——黄文坚\TensorFlow实战代码\7_3_BiRNN.py
....... 6861 2017-03-18 21:58 TensorFlow实战代码——黄文坚\TensorFlow实战代码\8_2_PolicyNetwork.py
....... 4481 2017-03-18 21:44 TensorFlow实战代码——黄文坚\TensorFlow实战代码\8_3_GridWorld.py
....... 8766 2017-03-18 21:44 TensorFlow实战代码——黄文坚\TensorFlow实战代码\8_3_Value_Network.py
....... 6503 2017-03-18 21:59 TensorFlow实战代码——黄文坚\TensorFlow实战代码\9_1_TensorBoard.py
....... 8930 2017-03-18 21:50 TensorFlow实战代码——黄文坚\TensorFlow实战代码\9_2_MultiGPU.py
....... 10556 2017-03-18 21:59 TensorFlow实战代码——黄文坚\TensorFlow实战代码\9_3_Distributed.py
文件 131 2017-04-05 10:33 TensorFlow实战代码——黄文坚\TensorFlow实战代码\Tensorflow and Word2vec.txt
目录 0 2017-11-13 21:35 TensorFlow实战代码——黄文坚\TensorFlow实战代码
目录 0 2017-04-20 10:31 TensorFlow实战代码——黄文坚
----------- --------- ---------- ----- ----
138168 22
相关资源
- 人工智能原理--基于归结原理的推理系
- 粒子群改进蝙蝠算法的自适应权重算
- 人工智能校企合作方案
- 基于prolog的迷宫系统
- 2018年美国国防部人工智能战略综述
- Tensorflow程序
- 2019年人工智能发展趋势全解析
- 广工人工智能作业--决策树
- 神经网络与深度学习 吴岸城 带目录
- 神经计算智能基础原理方法pdf 网盘链
- 人工智能期末报告——浅谈蚁群算法
- 基于知识图谱的智能医疗研究
- 王永庆 人工智能 第7章 参考答案
- 王永庆 人工智能 第6章 参考答案
- 王永庆 人工智能 第5章 参考答案
- 王永庆 人工智能 第3章 参考答案
- Using gringo clingo and iclingo
- 人工智能学习思维导图
- 体质判断专家系统
- 简易好用的人工智能综述论文
- 华南农业大学人工智能期末复习
- 频域盲源分离方法
- 基于动物识别的专家系统人工智能
- 红酒、白酒质量数据集,可作为机器
- 人脸变形论文
- 人工智能胃病诊断系统
- 人工智能复习资料
- 华工人工智能考题
- 2018 年成都人工智能前沿论坛总结
- 小麦种类预测数据---seeds.tsv
评论
共有 条评论