
TensorFlow深度学习
Klay Ye
这个作者很懒,什么都没留下…
展开
专栏收录文章
- 默认排序
- 最新发布
- 最早发布
- 最多阅读
- 最少阅读
-
安装TensorFlow错误
虚拟环境安装 tensorflow-gpu==1.11.0pip install tensorflow-gpu==1.11.0错误:再试:pip install tensorflow-gpu==1.11.0 --user再次错误:把egg所在地址添加进环境变量即可!d:\myenv\resnet-tensorflow\lib\site-packagespip instal...原创 2019-10-30 17:22:56 · 3995 阅读 · 1 评论 -
tensorflow_tutorials_05_basic_convnet
"""Simple tutorial following the TensorFlow example of a Convolutional Network.Parag K. Mital, Jan. 2016"""import osos.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'# %% Importsimport tensorflow as tfim...原创 2019-04-20 21:18:40 · 298 阅读 · 0 评论 -
tensorflow_tutorials_libs.batch_norm
"""Batch Normalization for TensorFlow.Parag K. Mital, Jan 2016."""import tensorflow as tfdef batch_norm(x, phase_train, scope='bn', affine=True): """ Batch normalization on convolutional...原创 2019-04-20 21:27:05 · 229 阅读 · 0 评论 -
tensorflow_tutorials_libs.activations
"""Activations for TensorFlow.Parag K. Mital, Jan 2016."""import tensorflow as tfdef lrelu(x, leak=0.2, name="lrelu"): """Leaky rectifier. Parameters ---------- x : Tensor ...原创 2019-04-20 21:29:00 · 142 阅读 · 0 评论 -
tensorflow_tutorials_libs.layers
"""APL 2.0 code from github.com/pkmital/tensorflow_tutorials w/ permissionfrom Parag K. Mital."""import tensorflow as tfdef linear(x, n_units, scope=None, stddev=0.02, activation=lambd...原创 2019-04-20 21:32:44 · 184 阅读 · 0 评论 -
tensorflow_tutorials_01_basics
tf.Graph表示tf.Operations的集合,您可以通过写出方程来创建节点。默认情况下,有一个图:tf.get_default_graph(),并且任何新操作都会添加到此图中。tf.Operation的结果是tf.Tensor,它持有数值。"""Summary of tensorflow basics.Parag K. Mital, Jan 2016."""# %% Import...原创 2019-04-18 09:54:26 · 333 阅读 · 0 评论 -
tensorflow_tutorials_02_linear_regression
"""Simple tutorial for using TensorFlow to compute a linear regression.Parag K. Mital, Jan. 2016"""# %% importsimport numpy as npimport tensorflow as tfimport matplotlib.pyplot as plt创建toy数据,x...原创 2019-04-20 17:43:33 · 216 阅读 · 0 评论 -
tensorflow_tutorials_03_polynomial_regression
"""Simple tutorial for using TensorFlow to compute polynomial regression.Parag K. Mital, Jan. 2016"""import osos.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'# %% Importsimport numpy as npimport tensor...原创 2019-04-19 11:33:33 · 172 阅读 · 0 评论 -
tensorflow_tutorials_04_perception on MNIST
import osos.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'"""Simple tutorial using code from the TensorFlow example for Regression.Parag K. Mital, Jan. 2016"""# pip3 install --upgrade# https://storage.go...原创 2019-04-19 22:38:31 · 429 阅读 · 0 评论 -
tensorflow_tutorials_libs.utils
"""Some useful utilities when dealing with neural nets w/ tensorflow.Parag K. Mital, Jan. 2016"""import tensorflow as tfimport numpy as npdef montage_batch(images): """Draws all filters (n_...原创 2019-04-20 21:16:16 · 250 阅读 · 0 评论 -
TensorFlow编程入门
feed_dict 使用1.输出 Hello WorldStr = tf.placeholder(tf.string)with tf.Session() as sess: output = sess.run(Str, feed_dict={Str: 'Hello World !'}) print(output)Hello World !2.字符串拼接Str1 = ...原创 2019-04-20 17:45:39 · 195 阅读 · 0 评论 -
tensorflow 验证码识别(captcha)
机器学习方法传统的机器学习方法,对于多位字符验证码都是采用的 化整为零 的方法:先分割成最小单位,再分别识别,然后再统一。卷积神经网络方法,直接采用 端到端不分割 的方法:输入整张图片,输出整个图片的标记结果,具有更强的通用性。端到端 的识别方法显然更具备优势,因为目前的字符型验证码为了防止被识别,多位字符已经完全融合粘贴在一起了,利用传统的技术基本很难实现分割了。传统机器学习方法:l...原创 2019-03-02 11:20:25 · 5986 阅读 · 7 评论 -
TensorFlow .ckpt 模型的保存与恢复
Tensorflow store/restore modelTensorFlow模型会保存在后缀为.ckpt的文件中。保存后在save这个文件夹中实际会出现3个文件,因为TensorFlow会将计算图的结构和图上参数取值分开保存。model.ckpt.meta文件保存了TensorFlow计算图的结构,可以理解为神经网络的网络结构model.ckpt文件保存了TensorFlow程序中每...原创 2019-03-31 23:33:31 · 4268 阅读 · 0 评论 -
MX150 WIN10 安装TensorFlow-GPU
需要 4 个文件419.67-notebook-win10-64bit-international-whql.exe驱动程序 | GeForcetensorflow_gpu-1.9.0-cp36-cp36m-win_amd64.whlfo40225/tensorflow-windows-wheelcuda_9.2.148_win10_network.exeCUDA Toolkit ...原创 2019-03-30 14:13:11 · 954 阅读 · 1 评论 -
How to use tf.data.Dataset API(读取数据)
前言tensorflow中为了充分利用GPU,减少GPU等待数据的空闲时间,使用了两个线程分别执行数据读入和数据计算。具体来说就是使用一个线程源源不断的将硬盘中的图片数据读入到一个内存队列中,另一个线程负责计算任务,所需数据直接从内存队列中获取。tensorflow中 tf.train.slice_input_producer 和 tf.train.batch 函数利用Tensorflow的...原创 2019-04-02 10:34:17 · 5396 阅读 · 0 评论 -
What_is_MNIST
读取MNIST官方网站:THE MNIST DATABASE of handwritten digitsimport numpy as npimport structimport matplotlib.pyplot as pltdef readfile(): with open('D:\\LearningFiles\\DataSets\\MNIST\\train-imag...原创 2019-04-02 12:33:37 · 189 阅读 · 0 评论 -
TensorFlow 数据的生成与读取
TensorFlow下如何将图片制作成数据集在做TensorFlow案例时好多图片数据集都是可以直接在库中调用的,比如Mnist,CIFAR-10等等。但是在跑自己项目的时候如何去读取自己的数据集呢?这里有两种方法制作数据集。1.用python制作数据集2.基于TensorFlow制作tfrecord格式的数据集...原创 2019-04-20 17:45:10 · 333 阅读 · 1 评论