TensorFlow基础
csdn-WJW
这个作者很懒,什么都没留下…
展开
-
TensorFlow1.x 中的张量转换为 numpy array 的方法及用途实例
一、将 TensorFlow 中的张量 Tensor 转换为 numpy array 的方法实例>>> import tensorflow as tf>>> data_tensor = tf.constant([1,2,3,4,5,6], shape=[2,3], dtype=tf.float32)>>> data_tensor<tf.Tensor 'Const:0' shape=(2, 3) dtype=float32>>&原创 2020-12-17 18:53:46 · 4109 阅读 · 0 评论 -
TensorFlow1.x 创建初始数据(常量、一维、二维、三维、多维)的方法实例
使用 TensorFlow 时,经常需要创建一些初始数据(注意这里的初始数据不是初始化权重的 initializer),通常可以通过 numpy、python 自带的列表等方式初始一个矩阵,然后再将其转换为 tensor 使用,但是实际上 TensorFlow 自身就具有这些创建初始数据的方法,下面就对一些常用的方法进行总结:一、环境Python 3.7.3 (Anaconda 3)TensorFlow 1.14.0二、实例为了简化操作和便于观察,本文操作全部采用 TensorFlow 的立即执行原创 2020-12-17 18:52:53 · 846 阅读 · 0 评论 -
查看 tensorflow 的模型保存的检查点 checkpoint 文件
模型保存官网说明:https://www.tensorflow.org/guide/saved_model?hl=zh-cN>>> import tensorflow as tf>>> v1 = tf.get_variable("v1", shape=[3], initializer=tf.zeros_initializer)>>> v2 = tf.get_variable("v2", shape=[5], initializer=tf.ze.原创 2020-12-17 18:52:13 · 896 阅读 · 0 评论 -
TensorFlow1.x 模型保存与复用的实例讲解
一、环境Python 3.7.3 (Anaconda 3)TensorFlow 1.14.0二、方法TensorFlow 模型保存与恢复的方法主要由 tf.train.Saver 类提供,同时也结合一些模型图加载等方法。相关方法的官网说明:https://www.tensorflow.org/guide/saved_model?hl=zh-cNhttps://tensorflow.google.cn/api_docs/python/tf/train/import_meta_graphhttp原创 2020-12-17 18:51:17 · 1387 阅读 · 0 评论 -
TensorBoard 查看 summary 日志文件只有 Graph,没有具体的标量等
查看训练模型保存下来的事件日志文件命令:# 最后不带 “/”tensorboard --logdir="./tensorboard/20190802-211034"# 也可以最后带 “/”tensorboard --logdir="./tensorboard/20190802-211034/"# 单引号也可以tensorboard --logdir=‘./tensorboard/20190802-211034/’但一定要注意:–logdir 参数传入的是事件文件所在的文件夹,而不是事件文件本原创 2020-12-17 18:47:34 · 1445 阅读 · 0 评论 -
Linux 终端登录 Ubuntu 服务器运行 tensorboard 本地浏览器查看结果
Linux 终端登录远程 Ubuntu 服务器ssh -L 本地端口:127.0.0.1:TensorBoard端口 用户名@服务器的IP地址 -p 服务器登录端口本地端口:查看 tensorboard 结果时,在浏览器中输入地址时的端口号(如:10086)TensorBoard 端口:运行 tensorboard 时指定的端口(如:6008)服务器登录端口:登录服务器时的默认端口,如果不需要端口,则省略 -p 及其后的端口号(如:2020)实例:ssh -L 10086:127.0..原创 2020-11-18 14:53:43 · 700 阅读 · 0 评论 -
Mac 终端登录 Ubuntu 服务器运行 tensorboard 本地浏览器查看结果
Mac 终端登录远程 Ubuntu 服务器ssh -L 本地端口:127.0.0.1:TensorBoard端口 用户名@10.10.10.10 -p 服务器登录端口本地端口:查看 tensorboard 结果时,在浏览器中输入地址时的端口号(如:10086)TensorBoard 端口:运行 tensorboard 时指定的端口(如:6008)服务器登录端口:登录服务器时的默认端...原创 2020-02-09 11:10:09 · 712 阅读 · 0 评论 -
TensorFlow 中标量(scalar)、 向量(vector) 、矩阵(matrix)、 多维数组(n-d array) 等形式的张量
一、张量的数据形式标量(scalar):数据单独的一个数,零维张量,其形状如:shape=()向量(vector) :一维数组,一维张量,其形状如:shape=(3,)矩阵(matrix):二维数组,二维张量,其形状如:shape=(3,3)多维数组(n-d array):多维数组,多维张量,其形状如:shape=(1,3,3) 二、实例1、运行环境:TensorF...原创 2019-01-10 11:10:03 · 2481 阅读 · 0 评论 -
TensorFlow 使用 tf.summary.FileWriter 添加对标量的统计与观察时报错
报错信息:InvalidArgumentError (see above for traceback): tags and values not the same shape: [] != [1,1] (tag 'y') [[node y (defined at <stdin>:1) = ScalarSummary[T=DT_FLOAT, _device="/j...原创 2019-01-09 23:47:44 · 886 阅读 · 0 评论 -
Tensorboard 在同一个 scalar 图中绘制出多次试验中某个变量随时间推移的变化情况
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10、Ubuntu 16.04 二、代码示例在命令行中运行:tensorboard --help得到提示如下:https://github.com/tensorflow/tensorboard方法一:te...原创 2019-01-10 10:11:32 · 3862 阅读 · 0 评论 -
TensorFlow 报错:InvalidArgumentError (see above for traceback): tags and values not the same shape: []
报错信息:TypeError: Failed to convert object of type <class 'list'> to Tensor. Contents: [None, 3136]. Consider casting elements to a supported type. 报错源码:>>> layer_pool2_shapes = l...原创 2019-01-09 14:44:30 · 619 阅读 · 0 评论 -
TensorFlow 获取张量形状的操作 tf.shape()、属性shape 及 方法get_shape() 的基本用法及实例代码
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10 二、官方说明1、tf.shape(tensor)获取输入张量 input 的形状,以 1 维整数张量形式表示https://tensorflow.google.cn/api_docs/python/tf/s...原创 2019-01-09 12:43:29 · 20075 阅读 · 0 评论 -
TensorFlow 中检查张量中元素的正、负性 tf.assert_positive、tf.assert_negative 等的基本用法及实例代码
(1)tf.assert_positivetf..debugging.assert_positivetf.debugging.assert_positive( x, data=None, summarize=None, message=None, name=None)判断输入张量 x 的元素都大于 0,否则抛出错误 InvalidArgume...原创 2019-01-24 17:25:18 · 2145 阅读 · 0 评论 -
TensorFlow 中计算张量中元素个数 tf.size 的基本用法及实例代码
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10 二、官方说明返回输入张量的大小,注意不是 shape,而是元素个数,0 维张量,默认为 tf.int32 类型效果等同于 numpy 中的 np.size()tf.size( input, ...原创 2019-01-24 17:01:36 · 5883 阅读 · 0 评论 -
TensorFlow 中显示边缘填充 tf.pad 的基本用法及实例代码
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10 二、官方说明对带填充的张量的边缘填充指定值https://tensorflow.google.cn/api_docs/python/tf/padpaddings 必须是一个形状为 [n, 2] 的整数类型的...原创 2019-01-23 20:30:57 · 1091 阅读 · 0 评论 -
TensorFlow中张量连接操作 tf.concat 与张量堆叠操作 tf.stack 的用法
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明张量连接:https://www.tensorflow.org/api_docs/python/tf/concat对输入的张量进行内容的连接,不涉及维度的改变使用说明:https://blog.csdn.net/s...原创 2019-06-02 22:42:34 · 1067 阅读 · 0 评论 -
OpenPAI(微软开源人工智能集群管理平台)下 docker 服务器运行 Tensorboard,Mac本地浏览器访问的方法
1、环境及相关配置(1)服务器资源:微软开源人工智能集群管理平台(Open Platform AI, OpenPAI)分配的 docker 容器资源(2)Docker 容器资源:Ubuntu 16.04.4 LTS(如:IP地址=192.168.1.1,指定端口=10001,登录方式=指定的 .pem 私钥文件)(3)Python:Python 3.7.3(Anaconda3)(4)Ten...原创 2019-07-15 20:05:38 · 793 阅读 · 0 评论 -
TensorFlow中矩阵乘操作tf.matmul(或tf.linalg.matmul)和矩阵元素乘tf.multiply(或tf.math.multiply)用法对比
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明tf.linalg.matmul或tf.matmul:矩阵乘tf.linalg.matmul( a, b, transpose_a=False, transpose_b=...原创 2018-12-15 19:18:24 · 4714 阅读 · 0 评论 -
TensorFlow 模型保存与复用的实例讲解
一、环境Python 3.7.3 (Anaconda 3)TensorFlow 1.14.0二、方法TensorFlow 模型保存与恢复的方法主要由 tf.train.Saver 类提供,同时也结合一些模型图加载等方法。相关方法的官网说明:https://www.tensorflow.org/guide/saved_model?hl=zh-cNhttps://tensorflow.g...原创 2019-07-28 21:43:51 · 1203 阅读 · 0 评论 -
TensorFlow 中的张量 tensor 转换为 numpy array 的方法和应用以及 numpy array 转换为张量 tensor 实例
一、将 TensorFlow 中的张量 Tensor 转换为 numpy array 的方法实例>>> import tensorflow as tf>>> data_tensor = tf.constant([1,2,3,4,5,6], shape=[2,3], dtype=tf.float32)>>> data_tensor<...原创 2019-08-08 11:45:19 · 15400 阅读 · 0 评论 -
TensorFlow 创建初始数据(常量、一维、二维、三维、多维)的方法实例
使用 TensorFlow 时,经常需要创建一些初始数据(注意这里的初始数据不是初始化权重的 initializer),通常可以通过 numpy、python 自带的列表等方式初始一个矩阵,然后再将其转换为 tensor 使用,但是实际上 TensorFlow 自身就具有这些创建初始数据的方法,下面就对一些常用的方法进行总结:一、环境Python 3.7.3 (Anaconda 3)Tens...原创 2019-07-26 22:37:52 · 9268 阅读 · 2 评论 -
TensorFlow 中张量切分操作 tf.split 使用实例
一、环境TensorFlow API r1.14(rc)CUDA 9.0 V9.0.176Python 3.6.3二、官方说明把张量分解成子张量https://tensorflow.google.cn/versions/r1.14/api_docs/python/tf/splittf.split(value,num_or_size_splits,axis=0,num=None...原创 2019-07-25 19:21:19 · 2219 阅读 · 0 评论 -
TensorFlow 中 tf.enable_eager_execution 使用实例
一、环境TensorFlow API r1.14(rc)CUDA 9.0 V9.0.176Python 3.6.3二、官方说明在该程序的生命周期内启用“立即执行(eager execution)”https://tensorflow.google.cn/versions/r1.14/api_docs/python/tf/enable_eager_executiontf.enable_...原创 2019-07-25 18:16:44 · 3868 阅读 · 0 评论 -
TensorFlow 中矩阵奇异值分解(Singular Value Decomposition,SVD) tf.linalg.svd 使用实例
一、环境TensorFlow API r1.14CUDA 9.0 V9.0.176Python 3.6.3二、官方说明一个或多个矩阵的奇异值分解https://tensorflow.google.cn/api_docs/python/tf/linalg/svdtf.linalg.svd( tensor, full_matrices=False, compute...原创 2019-07-30 17:25:08 · 3044 阅读 · 0 评论 -
使用“pip install tensorflow --upgrade”升级 Tensorflow 时报错"ERROR: Cannot uninstall 'wrapt'."
具体错误:ERROR: Cannot uninstall 'wrapt'. It is a distutils installed project and thus we cannot accurately determine which files belong to it which would lead to only a partial uninstall.第一种解决方法:(...原创 2019-07-17 19:30:17 · 2237 阅读 · 0 评论 -
Python 正则化表达式模块 re 加载最近保存的 tensorflow 模型
本文介绍一种 Python 正则化表达式模块 re 加载最近保存的 tensorflow 模型的方法假设训练好的 tensorflow 模型都保存在 ‘./models/’ 目录下,其中模型文件名称中的数字表示训练的轮次如:tensorflow_saved.model-121000.metatensorflow_saved.model-121000.indextensorflow_sav...原创 2019-07-24 16:30:38 · 201 阅读 · 0 评论 -
TensorFlow one-hot 编码 tf.one_hot 的基本用法及实例代码
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明将输入的 indices 转化为 one-hot 编码形式indices 中指定的位置取值为 one_value 参数值,其他的位置都取值 off_value 参数值参数one_value 和...原创 2019-01-08 20:44:02 · 4001 阅读 · 0 评论 -
TensorFlow 中 softmax_cross_entropy_with_logits 及其···v2 和 sparse_softmax_cross_entropy_with_logits的异同
一、三者的异同1、共同点三者功能都是先计算输入 logits 的 softmax 分类,再计算与输入 labels 之间的交叉熵,最终返回的交叉熵结果相同2、不同点(1)softmax_cross_entropy_with_logits已经弃用,相同功能被 softmax_cross_entropy_with_logits_v2 取代(2)softmax_cross_ent...原创 2019-01-08 22:26:36 · 5079 阅读 · 0 评论 -
TensorFlow 中重复输入向量指定维度内容 tf.tile 的基本用法及实例代码
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10 二、官方说明根据指定的维度重复输入张量多次https://tensorflow.google.cn/api_docs/python/tf/tile输出的第 i 维具有 input.dims(i) * mul...原创 2019-01-14 10:39:08 · 3284 阅读 · 1 评论 -
TensorFlow中张量堆叠操作tf.stack用法
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明将一个列表中的所有秩为R的张量堆叠在一起组成一个值为R+1的张量https://www.tensorflow.org/api_docs/python/tf/stacktf.stack( va...原创 2018-12-17 15:33:19 · 8953 阅读 · 0 评论 -
TensorFlow中张量转置操作tf.expand_dims用法
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明给输入张量的形状增加1个维度https://www.tensorflow.org/api_docs/python/tf/expand_dimstf.expand_dims( input, ...原创 2018-12-17 12:00:25 · 2270 阅读 · 0 评论 -
TensorFlow 中平均池化 tf.nn.avg_pool 的基本用法及实例代码
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10 二、官方说明对输入张量 value 执行平均池化操作输出的每个条目为输入张量 value 中 ksize 大小的窗口所有值的平均值https://www.tensorflow.org/api_docs/py...原创 2018-12-28 10:12:52 · 15265 阅读 · 0 评论 -
TensorFlow 中调整图片尺寸 tf.image.resize_images 的基本用法及实例代码
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明通过指定的方法 method 来调整输入图像 images 为指定的尺寸 sizehttps://www.tensorflow.org/api_docs/python/tf/image/resize_im...原创 2018-12-27 11:15:05 · 14926 阅读 · 2 评论 -
TensorFlow 二维卷积 tf.nn.conv2d 的基本用法及实例代码
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明计算给定4维输入张量和4维过滤器 / 卷积核张量的而维卷积https://www.tensorflow.org/api_docs/python/tf/nn/conv2dtf.nn.conv2d( ...原创 2018-12-26 21:35:25 · 2392 阅读 · 0 评论 -
TensorFlow中输入张量占位符tf.placeholder用法
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明网络输入张量的占位符https://www.tensorflow.org/api_docs/python/tf/placeholdertf.placeholder( dtype, s...原创 2018-12-20 17:44:11 · 1816 阅读 · 0 评论 -
TensorFlow中张量转置操作tf.transpose用法
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明将“value”幅值给“ref”,该方法使得需要重置新值的链式操作非常简便tf.assign( ref, value, validate_shape=None, use_...原创 2018-12-14 15:55:02 · 1501 阅读 · 0 评论 -
TensorFlow中张量减法操作tf.subtract用法
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明张量x减去张量y(元素级减法操作)https://www.tensorflow.org/api_docs/python/tf/math/subtracttf.math.subtract( x...原创 2018-12-20 10:53:24 · 16173 阅读 · 3 评论 -
TensorFlow输出打印张量操作
1、简单地使用Session会话,计算完毕后,需要关闭会话>>> hello = tf.constant('Hello TensorFlow')>>> sess = tf.Session()>>> print(sess.run(hello))b'Hello TensorFlow'>>> sess.run(hel...原创 2018-12-13 15:02:46 · 3070 阅读 · 1 评论 -
TensorFlow中张量数据类型转换操作tf.cast/tf.dtypes.cast用法
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明tf.cast 或 tf.dtypes.cast将输入张量转换数据类型https://www.tensorflow.org/api_docs/python/tf/dtypes/casttf.dt...翻译 2018-12-13 12:38:32 · 1634 阅读 · 0 评论 -
TensorFlow 中张量连接操作 tf.concat 的基本用法及实例代码
一、环境TensorFlow API r1.12CUDA 9.2 V9.2.148cudnn64_7.dllPython 3.6.3Windows 10二、官方说明按指定轴(axis)进行张量连接操作(Concatenates Tensors)https://www.tensorflow.org/api_docs/python/tf/concattf.c...原创 2018-12-11 20:19:12 · 2700 阅读 · 0 评论