
tensorflow
Dontla
这个作者很懒,什么都没留下…
展开
-
tensorflow random_normal()函数 生成随机的正态分布随机数组
Signature:tf.random_normal( shape, mean=0.0, stddev=1.0, dtype=tf.float32, seed=None, name=None,)Docstring:Outputs random values from a normal distribution.Args: shape: A 1-D integer Tensor or Python array. The shape of the原创 2021-01-12 21:23:54 · 816 阅读 · 1 评论 -
标注反向优化 生成全体测试集空标注(无需坐标、只要送给权重evaluate即可)predicted
# -*- coding: utf-8 -*-"""@File : generate.py@Time : 2020/2/13 15:02@Author : Dontla@Email : sxana@qq.com@Software: PyCharm"""test_file = open('test_all.txt', 'w', encoding='utf-8')# 4670是图片总数量for i in range(4800): test_file.write('.原创 2020-07-08 09:52:22 · 487 阅读 · 0 评论 -
标注(annotation)的反向优化策略 将Yunyang tensorflow-yolov3 predicted转换为正常yolo标注
执行evaluate.py后,会在predicted文件夹生成预测信息如图,将Yunyang tensorflow-yolov3 predicted转换为正常yolo标注代码:convert_tf-predict2yolo.py# -*- coding: utf-8 -*-"""@File : convert_tf-predict2yolo.py@Time : 2020/2/13 15:57@Author : Dontla@Email : sxana@qq.com原创 2020-07-06 16:27:47 · 567 阅读 · 0 评论 -
yunyang1994 tensorflow_yolov3 对于检测中心点的边缘物体时评估IOU对召回率和精度的影响
我们在检测目标物体中心点时,现有的逻辑往往不能获得很好的效果,如下图:识别时,程序会将不是方形的图像扩展为方形,不足的部分用灰色填充,目标框的绘制会首先在扩展为方形的图像上绘制,然后将超出原图像的部分裁剪掉,所有就会有了上面图中箭头所示的框但这些识别出来的框并非我们想要的,因为它们的中心点没有对准我们需要的目标(绿色的坨坨)所以我们会建议,在标注时不应将靠近图像边缘的目标框上,一方面有利于...原创 2020-03-19 15:04:17 · 763 阅读 · 0 评论 -
tensoflow_yolov3 计算平均识别个数(平均识别数)
# -*- coding: utf-8 -*-"""@File : 20200221_Target_Recognition_光照度对模型识别率影响(计算平均识别个数).py@Time : 2020/2/21 11:07@Author : Dontla@Email : sxana@qq.com@Software: PyCharm"""import tracebac...原创 2020-03-04 15:54:01 · 664 阅读 · 0 评论 -
yunyang1994 tensorflow_yolov3 ./checkpoint/yolo3_coco_demo.ckpt does not exist !!! Now it starts to
一位私信我的老哥出现了这个问题:当时我也不懂是咋回事。。。后来,他解决了,原来是运行python train.py -- train from coco后面没有加-- train from coco的原因...原创 2020-02-26 16:58:24 · 1100 阅读 · 2 评论 -
tensorflow tf.reduce_mean()(计算张量跨维度元素的均值、缩减(轴)求均值)
from tensorflow\python\ops\math_ops.py@tf_export("reduce_mean")@deprecation.deprecated_args( None, "keep_dims is deprecated, use keepdims instead", "keep_dims")def reduce_mean(input_tensor, ...原创 2020-02-18 11:09:44 · 943 阅读 · 0 评论 -
如何将tensorflow-yolov3(YunYang1994).txt 坐标转换成yolo的标注(annotations)
原理代码# -*- coding: utf-8 -*-"""@File : convert_tf-predict2yolo.py@Time : 2020/2/13 15:57@Author : Dontla@Email : sxana@qq.com@Software: PyCharm"""# -*- coding: utf-8 -*-"""@File ...原创 2020-02-13 17:03:11 · 745 阅读 · 0 评论 -
图像识别 标注(annotation)的反向优化策略
人工对数据集d进行标注p0(格式p)–>使用数据集d和标注p0训练生成权重文件w0–>使用w0对d进行预测,生成标注p00(格式t)–>将标注p00转换成标注p1(格式p)–>使用数据集d和标注p1训练生成权重文件w1–>循环往复…...原创 2020-02-13 13:46:46 · 765 阅读 · 0 评论 -
tensorflow_yolov3 神经网络训练时train_loss和test_loss出现NaN(not a number)的原因和解决方法
训练到一定阶段,就全是Nan了可能是代码问题,参考解决办法:看tensorflow_yolov3作者回复说:但我这貌似都训练到头不动了:参考文章1:训练神经网络循环3000次后,交叉熵损失为nan原因? - Blownhither的回答 - 知乎参考文章2:Train loss: 51,Test loss: nan Saving… #404...原创 2020-02-13 09:34:24 · 2387 阅读 · 4 评论 -
对比tensorflow查看打印输出张量Tensor的两种方法(急切执行tf.enable_eager_execution()和tf.Session.run())
第一种:tf.enable_eager_execution()# -*- coding: utf-8 -*-"""@File : 111.py@Time : 2020/2/12 15:06@Author : Dontla@Email : sxana@qq.com@Software: PyCharm"""import tensorflow as tftf.en...原创 2020-02-12 15:18:10 · 991 阅读 · 0 评论 -
tensorflow tf.global_variables_initializer()(返回一个初始化全局变量的对象)
from tensorflow\python\ops\variables.py@tf_export("initializers.global_variables", "global_variables_initializer")def global_variables_initializer(): """Returns an Op that initializes global varia...原创 2020-02-12 11:46:54 · 1138 阅读 · 0 评论 -
tensorflow tf.data.Iterator.from_structure()(用给定的结构创建一个新的未初始化的迭代器Iterator)
from tensorflow\python\data\ops\iterator_ops.py@staticmethod def from_structure(output_types, output_shapes=None, shared_name=None, ou...原创 2020-02-12 10:41:50 · 4085 阅读 · 0 评论 -
tensorflow教程 开始——数据集:快速了解 tf.data
参考文章:数据集:快速了解数据集:快速了解tf.data从 numpy 数组读取内存数据。逐行读取 csv 文件。基本输入学习如何获取数组的片段,是开始学习 tf.data 最简单的方式。Premade Estimatorsdef train_input_fn(features, labels, batch_size): """一个用来训练的输入函数""" # ...原创 2020-02-11 15:52:18 · 447 阅读 · 0 评论 -
tensorflow教程 开发者指南——评估器 estimator(tensorflow官方推荐使用的编程API)
参考文章:评估器 tf.estimator文章目录定义三个数值类型的特征列my_training_set 是在第一步中创建的函数实例化一个 kera inception v3 模型。定义好用来训练模型使用的优化器,损失和评价指标,然后再编译它从已编译的 Keras 模型中创建一个评估器,注意,keras 模型的初始状态会被保存在这个评估器中。Treat the derived Estimato...原创 2020-02-10 23:50:17 · 695 阅读 · 0 评论 -
tensorflow教程 开始——Premade Estimators(预制评估器)
参考文章:Premade Estimators文章目录Premade Estimators前置要求获取样例代码运行程序程序栈对 irises 分类:概览数据集算法接口使用 Estimators 编程的概览创建输入函数定义特征列实例化一个 Estimator创建一个有两个隐藏层和每层10个节点的 DNN训练,评估和预测训练模型评估训练好的模型通过训练好的模型进行预测总结Premade Estim...原创 2020-02-10 16:55:19 · 473 阅读 · 0 评论 -
tensorflow 开始——创建定制化 Estimator(创建自定义评估器)
参考文章:创建定制化 Estimator文章目录创建定制化 Estimator预制 vs. 定制化创建功能列写一个模型函数定义模型定义输出层隐藏层输出层实现训练、评估、预测 {#modes}预测计算损失评估训练定制化 EstimatorTensorBoard总结创建定制化 EstimatorPremade Estimators下载及访问示例代码,请调用以下两个命令:git clone h...原创 2020-02-10 11:45:49 · 588 阅读 · 0 评论 -
python tensorflow tf.layers.dense()(密集连接层的功能接口)
from tensorflow\python\layers\core.py@tf_export('layers.dense')def dense( inputs, units, activation=None, use_bias=True, kernel_initializer=None, bias_initializer=init_ops.zeros_...原创 2020-02-09 23:51:52 · 1165 阅读 · 0 评论 -
将yolo标注转换为tensorflow_yolov3标注生成train.txt和test.txt同时做数据清洗
代码:# -*- encoding: utf-8 -*-"""@File : convert.py@Time : 2019/10/22 9:26@Author : Dontla@Email : sxana@qq.com@Software: PyCharm"""import osimport reimport cv2import randomdef ex...原创 2020-02-05 17:22:49 · 2579 阅读 · 13 评论 -
yunyang1994 tensorflow_yolov3训练报错:IndexError: index 68 is out of bounds for axis 1 with size 68 数据清洗
运行训练时报错:IndexError: index 68 is out of bounds for axis 1 with size 68解决办法:不要删掉checkpoint文件夹里的yolov3_coco.ckpt的三个文件原创 2020-02-04 20:10:08 · 3957 阅读 · 6 评论 -
python tensorflow tf.layers.max_pooling2d() 2维输入(例如图像)的最大池化层
from tensorflow\python\layers\pooling.py@tf_export('layers.max_pooling2d')def max_pooling2d(inputs, pool_size, strides, padding='valid', data_format='channels_las...原创 2020-01-30 23:40:10 · 3267 阅读 · 0 评论 -
池化(下采样)是什么?图像池化与卷积的区别
什么是池化池化层也称下采样层,会压缩输入的特征图,一方面减少了特征,导致了参数减少,进而简化了卷积网络计算时的复杂度;另一方面保持了特征的某种不变性(旋转、平移、伸缩等)。池化操作主要有两种,一种是平均池化(Average Pooling),即对邻域内的特征点求平均;另一种是最大池化(Max Pooling),即对邻域内的特征点取最大。池化方法特征提取误差主要来自两个部分:一是,邻域大小受限...转载 2020-01-30 23:37:56 · 16207 阅读 · 3 评论 -
python tensorflow tf.nn.conv2d()(给定4-D`input`和`filter`张量来计算2-D卷积)
From tensorflow\python\ops\gen_nn_ops.py@tf_export('nn.conv2d')def conv2d(input, filter, strides, padding, use_cudnn_on_gpu=True, data_format="NHWC", dilations=[1, 1, 1, 1], name=None): r"""Comput...原创 2020-01-30 19:40:25 · 981 阅读 · 0 评论 -
tensorflow 图像教程 の TF Layers 教程:构建卷积神经网络
文章目录TF Layers 教程:构建卷积神经网络卷积神经网络的简介TF Layers 教程:构建卷积神经网络卷积神经网络的简介卷积神经网络(CNNs{Convolutional Neural Networks})是当前用户图像分类任务中最前沿的模型。CNNs 对图像的原始像素数据应用了一系列的过滤器,以提取和学习更高层次的特征,然后模型利用这些特征对图像进行分类。CNNs 主要包含下面三个...原创 2020-01-18 15:46:59 · 606 阅读 · 0 评论 -
Tensorfow_yolov3 Intel Realsense D435 图像整合(合并)输入GPU计算耗时测试
以前我们六个摄像头轮询依次输入视频帧给识别函数,识别函数放到GPU计算,640×360下每帧识别耗时为60-80ms,轮一圈下来识别就很慢了,约360-480ms后来我们讨论这个问题时,我说之前我测试时,使用输入不同分辨率的图片,识别耗时是差不多的,hui工说,既然如此,为何我们不把图片整合在一起再直接输入给GPU计算呢?我想想,有道理,据说GPU比较喜欢大批量数据计算,这个方法值得一试,于是...原创 2020-01-16 20:54:43 · 1133 阅读 · 0 评论 -
tensorflow GPU笔记
参考文章1:Tensorflow:GPU使用几点建议原创 2020-01-15 16:30:05 · 279 阅读 · 0 评论 -
tensorflow dataset_ops batch()方法 (将此数据集的连续元素合并为批)
def batch(self, batch_size, drop_remainder=False): """Combines consecutive elements of this dataset into batches. 将此数据集的连续元素合并为批。 The tensors in the resulting element will have an addit...原创 2019-12-11 09:52:40 · 827 阅读 · 1 评论 -
tensorflow dataset_ops shuffle()方法 (随机重新排列此数据集的元素)
def shuffle(self, buffer_size, seed=None, reshuffle_each_iteration=None): """Randomly shuffles the elements of this dataset. 随机重新排列此数据集的元素。 Args: buffer_size: A `tf.int64` scalar ...原创 2019-12-11 09:25:02 · 1213 阅读 · 0 评论 -
tensorflow dataset_ops map()方法 (返回数据集通过函数“ map_func”的元素映射)
def map(self, map_func, num_parallel_calls=None): """Maps `map_func` across the elements of this dataset. 跨此数据集的元素映射“ map_func”。 This transformation applies `map_func` to each element o...原创 2019-12-10 17:33:18 · 1742 阅读 · 0 评论 -
tensorflow tf.data.TextLineDataset()对象 (包含来自一个或多个文本文件的行的“数据集”) 不懂是啥玩意??
@tf_export("data.TextLineDataset")class TextLineDataset(dataset_ops.Dataset): """A `Dataset` comprising lines from one or more text files. 包含来自一个或多个文本文件的行的“数据集”""" def __init__(self, filename...原创 2019-12-10 15:56:56 · 508 阅读 · 0 评论 -
tensorflow tf.data.Dataset.from_tensor_slices() (创建一个“数据集”,其元素是给定张量的切片)
@staticmethod def from_tensor_slices(tensors): """Creates a `Dataset` whose elements are slices of the given tensors. 创建一个“数据集”,其元素是给定张量的切片。 Note that if `tensors` contains a NumPy ar...原创 2019-12-10 13:54:55 · 1004 阅读 · 0 评论 -
tensorflow tf.is_gpu_available() (判断GPU是否可用)
@tf_export("test.is_gpu_available")def is_gpu_available(cuda_only=False, min_cuda_compute_capability=None): """Returns whether TensorFlow can access a GPU. 返回TensorFlow是否可以访问GPU。 Args: cud...原创 2019-12-10 11:28:27 · 9179 阅读 · 0 评论 -
tensorflow tf.device() (返回指定要用于新创建的操作的默认设备的上下文管理器)
@tf_export("device")def device(device_name_or_function): """Wrapper for `Graph.device()` using the default graph. 使用默认图形的“ Graph.device()”包装器。 See `tf.Graph.device` for more details. Ar...原创 2019-12-09 11:10:04 · 1150 阅读 · 0 评论 -
tensorflow tf.enable_eager_execution()(立即执行操作,不添加到稍后在“ tf.Session”中执行的图)
@tf_export("enable_eager_execution")def enable_eager_execution(config=None, device_policy=None, execution_mode=None): """Enables eager executio...原创 2019-12-08 12:12:04 · 1946 阅读 · 0 评论 -
tensorflow tf.matmul() (多维)矩阵相乘(多维矩阵乘法)
@tf_export("matmul")def matmul(a, b, transpose_a=False, transpose_b=False, adjoint_a=False, adjoint_b=False, a_is_sparse=False, ...原创 2019-12-07 11:54:16 · 4676 阅读 · 0 评论 -
tensorflow tf.encode_base64()(将字符串编码为网络安全的base64格式)
@tf_export('io.encode_base64', 'encode_base64')@deprecated_endpoints('encode_base64')def encode_base64(input, pad=False, name=None): r"""Encode strings into web-safe base64 format. 将字符串编码为网络安全的b...原创 2019-12-06 15:12:10 · 1265 阅读 · 0 评论 -
tensorflow tf.reduce_sum() 缩减(轴)求和
@tf_export("reduce_sum")@deprecation.deprecated_args( None, "keep_dims is deprecated, use keepdims instead", "keep_dims")def reduce_sum(input_tensor, axis=None, kee...原创 2019-12-06 14:52:46 · 425 阅读 · 0 评论 -
tensorflow教程 学习笔记 之 Eager execution 急切执行
链接:https://tensorflow.juejin.im/get_started/原创 2019-12-07 14:41:01 · 733 阅读 · 0 评论 -
Tensorflow yolov3 Intel Realsense D435 多进程multiprocessing线程池pool识别时间测试
单摄像头下:耗时:3.571178674697876秒耗时:0.0682528018951416秒耗时:0.07838797569274902秒耗时:0.08464503288269043秒耗时:0.06902098655700684秒耗时:0.07051682472229004秒耗时:0.06292271614074707秒耗时:0.050954341888427734秒...原创 2019-12-05 22:54:58 · 524 阅读 · 0 评论 -
Tensorflow yolov3 Intel Realsense D435 双摄像头下测试python多线程(假的多线程)self.predict()函数运行时间(191204)
测试代码:# -*- coding: utf-8 -*-"""@File : test-191204-两个摄像头调用多线程识别.py@Time : 2019/12/3 14:12@Author : Dontla@Email : sxana@qq.com@Software: PyCharm"""import threadingimport cv2import...原创 2019-12-04 14:58:51 · 1417 阅读 · 6 评论