
TensorFlow
0100_0000_0100
这个作者很懒,什么都没留下…
展开
-
ckpt转pb,batch normalzition 出现的ValueError问题
https://blog.youkuaiyun.com/dreamFlyWhere/article/details/83023256转载 2019-10-19 20:46:41 · 369 阅读 · 0 评论 -
深度学习理论——数据预处理(逐样本减去均值)
https://blog.youkuaiyun.com/Miss_yuki/article/details/80662017转载 2019-10-15 20:32:54 · 1195 阅读 · 0 评论 -
卷积层的计算
https://blog.youkuaiyun.com/qq_36342854/article/details/86658155转载 2019-10-12 09:54:56 · 480 阅读 · 0 评论 -
TensorFlow学习---tf.nn.dropout防止过拟合
https://blog.youkuaiyun.com/huahuazhu/article/details/73649389转载 2019-05-09 17:09:26 · 182 阅读 · 0 评论 -
查看GPU显存 使用率
https://blog.youkuaiyun.com/qq_34690929/article/details/79799925转载 2019-04-15 22:02:16 · 6093 阅读 · 0 评论 -
关于TensorFlow使用的一些笔记
https://blog.youkuaiyun.com/u014629875/article/details/74356242转载 2019-03-06 21:44:26 · 128 阅读 · 0 评论 -
【Tensorflow】视频目标检测识别
https://blog.youkuaiyun.com/gulingfengze/article/details/79690465这篇文章写的挺仔细了,不过我倾向于第二种方式的视频目标识别,第一种没有实时性,体验感差原创 2019-03-06 20:58:35 · 3649 阅读 · 0 评论 -
Tensorflow学习——利用Object Detection api训练自己的数据集
找了一圈 发现几个好的博客 码起来1https://blog.youkuaiyun.com/kalenee/article/details/80629262这篇博客只用了一篇就将整个过程说清楚了,不过细节方面肯定不如哪些花了较多篇幅写的2https://blog.youkuaiyun.com/dy_guox/article/details/79111949这个写的很多,也很清楚,就是看的时间久一点,这...原创 2019-03-06 20:30:18 · 639 阅读 · 0 评论 -
【TensorFlow爬坑记】部署TensorFlow Android Demo到Android Studio中需要修改的地方
额,说多了都是泪,调个demo调了三天才跑出来,下面放上代码(我把要修改的地方都加中文注释)官方源码:https://github.com/tensorflow/tensorflow/tree/master/tensorflow/examples/androidAndroidManifest.xml<?xml version="1.0" encoding="UTF-8"?>...原创 2019-02-26 21:08:18 · 1574 阅读 · 0 评论 -
tf.get_variable 中变量初始化函数和Xavier初始化器
https://blog.youkuaiyun.com/promisejia/article/details/81635830转载 2019-05-18 15:50:39 · 968 阅读 · 0 评论 -
【could not convert BatchDescriptor】多GPU模式下产生的错误
https://blog.youkuaiyun.com/hzh_0000/article/details/80393759参考上面的博客,虽然没有解决问题,但是给了我启发。【解决方法】样本的数量要求能够整除batchsize,即num%batch_size==0例如我的FLAGS.batch_size = 6 gpu_num =2 batch_size = 2*6 =12 要求样本数量num必...原创 2019-08-27 20:21:16 · 471 阅读 · 0 评论 -
机器学习笔记之模型的评价指标小结
https://blog.youkuaiyun.com/weixin_37536446/article/details/82316658转载 2019-06-14 13:17:17 · 224 阅读 · 0 评论 -
利用GridSearchCV进行超参数优化
from sklearn.svm import SVCfrom sklearn.model_selection import GridSearchCVmodel = SVC(probability=True)param_grid = [{'kernel': ['linear'], 'C': [0.01,0.1,1, 10]}, {'kernel': ['rbf...原创 2019-03-29 16:45:22 · 2437 阅读 · 0 评论 -
train_test_split用法
https://blog.youkuaiyun.com/mrxjh/article/details/78481578转载 2019-04-07 19:07:06 · 2576 阅读 · 0 评论 -
Scikit-learn的K-fold交叉验证类ShuffleSplit、GroupShuffleSplit用法介绍
https://blog.youkuaiyun.com/hurry0808/article/details/80797969转载 2019-04-15 22:11:06 · 811 阅读 · 0 评论 -
准确率(Accuracy), 精确率(Precision), 召回率(Recall)和F1-Measure
https://blog.youkuaiyun.com/hxg2006/article/details/79649154转载 2019-06-06 20:29:26 · 942 阅读 · 0 评论 -
【目标识别学习笔记系列】附录一、评价指标(Iou,mAP,Fps)
https://blog.youkuaiyun.com/zl3090/article/details/82740727转载 2019-06-06 20:05:01 · 560 阅读 · 0 评论 -
DCGAN代码及实验结果分析
https://blog.youkuaiyun.com/u013250416/article/details/78254444转载 2019-09-17 18:58:49 · 674 阅读 · 0 评论 -
windows10下Anaconda+pycocotools的安装
https://blog.youkuaiyun.com/qq_28400629/article/details/85247087转载 2019-03-05 19:46:30 · 1722 阅读 · 0 评论 -
21个TensorFlow项目转换tfrecord:tf.train.Feature TypeError: 'RGB' has type str, but expected one of: bytes
原文地址:https://blog.youkuaiyun.com/qq_26535271/article/details/82801220撒花大赞*★,°*:.☆( ̄▽ ̄)/$:*.°★* 。转载 2018-12-12 09:34:48 · 401 阅读 · 0 评论 -
tf.truncated_normal的用法
tf.truncated_normal(shape, mean, stddev) :shape表示生成张量的维度,mean是均值,stddev是标准差。这个函数产生正太分布,均值和标准差自己设定。这是一个截断的产生正太分布的函数,就是说产生正太分布的值如果与均值的差值大于两倍的标准差,那就重新生成。和一般的正太分布的产生随机数据比起来,这个函数产生的随机数与均值的差距不会超过两倍的标准差,但是一般...转载 2018-09-26 20:57:47 · 335 阅读 · 0 评论 -
tf.nn.conv2d函数和tf.nn.max_pool函数介绍
tf.nn.conv2d(input, filter, strides, padding, use_cudnn_on_gpu=None, name=None)介绍参数:input:指卷积需要输入的参数,具有这样的shape[batch, in_height, in_width, in_channels],分别是[batch张图片, 每张图片高度为in_height, 每张图片宽度为in_w...转载 2018-09-26 21:19:01 · 199 阅读 · 0 评论 -
tensorflow之tf.placeholder 与 tf.Variable区别对比
二者的主要区别在于Variable:主要是用于训练变量之类的。比如我们经常使用的网络权重,偏置。 值得注意的是Variable在声明是必须赋予初始值。在训练过程中该值很可能会进行不断的加减操作变化。 名称的真实含义,在于变量,也即在真实训练时,其值是会改变的,自然事先需要指定初始值; placeholder:也是用于存储数据,但是主要用于feed_dict的配合,接收输入数据用于训练模型等...转载 2018-09-08 16:18:17 · 595 阅读 · 0 评论 -
tf.reducemean()到底是什么意思?
在tensorflow中经常见到reducemean这个api,到底有什么用,到底是对谁求均值?api中是这样写的:tf.reduce_mean(input_tensor, axis=None, keep_dims=False, name=None, reduction_indices=None)Computes the mean of elements across dimens...转载 2018-09-05 22:04:36 · 436 阅读 · 0 评论 -
Tensorflow-报错解决方案
AttributeError: 'module' object has no attribute 'SummaryWriter'tf.train.SummaryWriter改为:tf.summary.FileWriter AttributeError: 'module' object has no attribute 'summaries'tf.merge_all_summar...转载 2018-09-05 18:00:26 · 855 阅读 · 0 评论 -
Tensorflow学习笔记——Summary用法
原文:https://blog.youkuaiyun.com/darknessdarkness/article/details/79619481最近在研究tensorflow自带的例程speech_command,顺便学习tensorflow的一些基本用法。 其中tensorboard 作为一款可视化神器,可以说是学习tensorflow时模型训练以及参数可视化的法宝。 而在训练过程中,主要用到了tf.s...转载 2018-09-24 19:54:38 · 2302 阅读 · 0 评论 -
Tensorflow学习笔记
1、tf.ones(shape,type=tf.float32,name=None) tf.ones([2, 3], int32) ==> [[1, 1, 1], [1, 1, 1]] 2、tf.zeros(shape,type=tf.float32,name=None) tf.zeros([2, 3], int32) ==> [[0, 0, 0], [...转载 2018-09-21 09:24:59 · 132 阅读 · 0 评论 -
【解决方案】tensorboard---'tensorboard' 不是内部或外部命令,也不是可运行的程序
1 确认你已经将python/scripts添加至环境变量中 确认你已经安装好tensorflowPS:如何安装tensorflow?在python/Scripts目录下输入cmd进入命令行窗口输入pip install tensorflow等待几分钟后安装完成然后测试tensorflow:如果没有报错证明已经安装成功。2将文件路径写到tensorboard.exe...原创 2018-09-06 22:48:52 · 9387 阅读 · 2 评论 -
TensorFlow的tf.random_uniform()函数的用法
tf.random_uniform((6, 6), minval=low,maxval=high,dtype=tf.float32)))返回6*6的矩阵,产生于low和high之间,产生的值是均匀分布的。 import tensorflow as tf with tf.Session() as sess: print(sess.run(tf.random_u...转载 2018-09-25 21:28:20 · 3481 阅读 · 0 评论 -
batch、batch_size、epoch、iteration简介
batch_size、epoch、iteration是深度学习中常见的几个超参数:(1)batchsize:每批数据量的大小。DL通常用SGD的优化算法进行训练,也就是一次(1 个iteration)一起训练batchsize个样本,计算它们的平均损失函数值,来更新参数。(2)iteration:1个iteration即迭代一次,也就是用batchsize个样本训练一次。(3)epoc...转载 2018-09-27 21:40:06 · 1833 阅读 · 0 评论 -
【Python】tf.assign的用法
tf.assign(A, new_number): 这个函数的功能主要是把A的值变为new_number例如: import tensorflow as tf; A = tf.Variable(tf.constant(0.0), dtype=tf.float32) with tf.Session() as sess: sess.run(tf.initi...转载 2018-09-28 14:29:25 · 6710 阅读 · 0 评论 -
tf.train.batch和tf.train.shuffle_batch理解以及遇到的问题
函数原型 tf.train.batch([example, label], batch_size=batch_size, capacity=capacity)1. [example, label]表示样本和样本标签,这个可以是一个样本和一个样本标签 2. batch_size是返回的一个batch样本集的样本个数。 3. capacity是队列中的容量。这主要是按顺序组合成一个batch...转载 2018-12-02 17:44:18 · 960 阅读 · 0 评论 -
tf.gfile.FastGFile
tf.gfile.FastGFile(path,decodestyle) 函数功能:实现对图片的读取。 函数参数:(1)path:图片所在路径 (2)decodestyle:图片的解码方式。(‘r’:UTF-8编码; ‘rb’:非UTF-8编码)import matplotlib.pyplot as plt import tensorflow as tf #tf.gfileGF...转载 2018-12-01 13:43:37 · 1117 阅读 · 1 评论 -
TensorFlow遇到的问题汇总(持续更新中......)
1、调用tf.softmax_cross_entropy_with_logits函数出错。原因是这个函数,不能按以前的方式进行调用了,只能使用命名参数的方式来调用。原来是这样的:tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(y, y_))修改成这样的:tf.reduce_sum(tf.nn.softmax_cross_entro...原创 2018-12-01 16:30:09 · 432 阅读 · 0 评论 -
could not create cudnn handle: CUDNN_STATUS_INTERNAL_ERROR could not destroy cudnn handle: CU问题解决方案
问题2018-04-27 17:39:18.270790: E T:\src\github\tensorflow\tensorflow\stream_executor\cuda\cuda_dnn.cc:403] could not create cudnn handle: CUDNN_STATUS_INTERNAL_ERROR2018-04-27 17:39:18.270961: E T:\...转载 2018-12-01 20:59:31 · 1102 阅读 · 0 评论 -
如何使用TensorFlow在自己的图像数据上训练深度学习模型
https://blog.youkuaiyun.com/ai_girl/article/details/80801434?tdsourcetag=s_pcqq_aiomsg转载 2018-12-13 15:31:10 · 1215 阅读 · 0 评论 -
Slim :Cannot assign a device for operation 'InceptionV3/Predictions/Softmax'错误
https://blog.youkuaiyun.com/weixin_38854519/article/details/81746834转载 2018-12-13 15:32:25 · 522 阅读 · 0 评论 -
tf.cast
cast(x, dtype, name=None)将x的数据格式转化成dtype.例如,原来x的数据格式是bool,那么将其转化成float以后,就能够将其转化成0和1的序列。反之也可以a = tf.Variable([1,0,0,1,1])b = tf.cast(a,dtype=tf.bool)sess = tf.Session()sess.run(tf.initialize_a...转载 2018-09-26 16:36:50 · 101 阅读 · 0 评论