Tensorflow
qq_32799915
这个作者很懒,什么都没留下…
展开
-
tensorflow object detection demo
官方给了一个demo是object_detection_tutorial.ipynb https://github.com/tensorflow/models/blob/master/object_detection/object_detection_tutorial.ipynb 是用Jupyter notebook来运行的,由于通过xshell使用服务器,不能浏览网页,所以需要一个原创 2017-08-01 14:35:39 · 821 阅读 · 0 评论 -
mnist one layer
参考文档http://wiki.jikexueyuan.com/project/tensorflow-zh/tutorials/mnist_beginners.htmlimport tensorflow as tfimport tensorflow.examples.tutorials.mnist.input_data as input_data#load datasetmnist=inpu...原创 2018-05-22 11:32:19 · 193 阅读 · 0 评论 -
tensorflow 优化器
针对上一篇博客中代码使用到的API,做一个简单的总结。初始化变量 tf.Variable常量 tf.constant占位符 tf.placeholdertf.placeholder( dtype, shape=None, name=None)dtype: The type of elements in the tensor to be fed.shape: The ...转载 2018-05-23 20:10:22 · 221 阅读 · 2 评论 -
mnist multi_layer
import tensorflow as tfimport tensorflow.examples.tutorials.mnist.input_data as input_data#定义变量def weight_variable(shape): initial = tf.truncated_normal(shape,stddev=0.1) return tf.Variable(i...原创 2018-05-22 22:11:13 · 192 阅读 · 0 评论 -
Tensorflwo API
针对上一篇博客中代码使用到的API,做一个简单的总结。初始化变量 tf.Variable常量 tf.constant占位符 tf.placeholdertf.placeholder( dtype, shape=None, name=None)dtype: The type of elements in the tensor to be fed.shape: The ...原创 2018-05-23 20:23:35 · 244 阅读 · 0 评论 -
TensorFlow 神经风格迁移(二) 实现
接着上一篇博客,这篇为具体实现。基于tensorflow,python2.7 首先构建一个VGG19模型。 import tensorflow as tfimport numpy as npimport settingsimport scipy.ioimport scipy.miscclass Model(object): def __init__...原创 2018-05-30 09:54:19 · 1562 阅读 · 4 评论 -
Cudnn 安装
官网下载需要的cudnn版本:https://developer.nvidia.com/rdp/cudnn-archive 下载需要注册账号 我安装的是cuda8.0,对应cudnn6.0 下载后解压,进入 cudnn目录,有include和lib64两个文件夹复制include中的cudnn.h文件: cp cuda/include/cudnn.h/usr/local/...原创 2018-07-17 09:34:23 · 1773 阅读 · 0 评论 -
CAM 和 Grad-CAM 实现
https://bindog.github.io/blog/2018/02/10/model-explanation/推荐这个博客,感觉原理讲的比较清楚。代码: 代码参考链接:https://github.com/jacobgil/keras-grad-cam 对其中有问题的地方进行了更改。from keras.applications.vgg16 import ( V...原创 2018-10-29 11:44:28 · 16167 阅读 · 15 评论 -
TensorFlow 图像风格迁移(一)论文总结
论文:Image Style Transfer Using Convolutional Neural Networks先介绍一下论文的思路。思路图像风格迁移,包括三部分:风格style特征提取(一般是纹理特征),目标图像内容content提取,style+content合成新的图片。这篇论文之前的方法,三个部分分别实现,对于每一种风格,都要单独提取风格特征,没有一个通用的方法。论文思路的提出,基于...原创 2018-05-25 11:27:39 · 7314 阅读 · 1 评论 -
TensorFlow 输出checkpoint 中的变量名与变量值
import osfrom tensorflow.python import pywrap_tensorflowmodel_dir="/xxxxxxxxx/model.ckpt" #checkpoint的文件位置# Read data from checkpoint filereader = pywrap_tensorflow.NewCheckpointReader(model_dir)...原创 2018-05-14 17:52:12 · 2046 阅读 · 0 评论 -
OOM when allocating tensor with shape[5184,4,4,2048] and type float on /job:localhost/replica:0/task
OOM when allocating tensor with shape[5184,4,4,2048] and type float on /job:localhost/replica:0/task报错原因:GPU内存不够,减小batch,或者减小模型。原创 2018-05-17 18:48:36 · 10698 阅读 · 0 评论 -
tensorflow object detection 模型测试
模型替换# What model to download.MODEL_NAME = 'ssd_mobilenet_v1_coco_11_06_2017'ssd_inception_v2_coco_11_06_2017MODEL_FILE = MODEL_NAME + '.tar.gz'DOWNLOAD_BASE = 'http://download.tensor原创 2017-08-01 14:36:51 · 1081 阅读 · 0 评论 -
Lecture note 1: Introduction to TensorFlow(斯坦福Tensorflow课程)
CS 20SI: Tensorflow for Deep Learning Research翻译 2017-08-09 16:22:20 · 637 阅读 · 0 评论 -
Google Protocol Buffer
Google Protocol Buffer什么是 Google Protocol Buffer?转载 2017-08-10 17:36:40 · 463 阅读 · 0 评论 -
Lecture note 2: TensorFlow Ops
Lecture note 2: TensorFlow Ops翻译 2017-08-10 22:01:26 · 409 阅读 · 0 评论 -
Lecture note 3: Linear and Logistic Regression in TensorFlow
Lecture note 3: Linear and Logistic Regression in TensorFlow翻译 2017-08-11 11:49:42 · 370 阅读 · 0 评论 -
Windows10 Google protobuf 2.6.1 安装
windows10 Google protobuf 2.6.1安装原创 2017-08-11 21:38:32 · 2268 阅读 · 0 评论 -
TensorFlow数据读取
TensorFlow数据读取原创 2017-08-14 11:37:06 · 1079 阅读 · 0 评论 -
create_pascal_tf_record.py 代码解析
在用tensorflow做object detection时,用create_pascal_tf_record.py将Pascal VOC 数据集转换成TFRecord原创 2017-08-14 16:27:02 · 6653 阅读 · 3 评论 -
图像语义分割 DeepLab v3+ 训练自己的数据集
环境:ubuntu 16.04 + TensorFlow 1.6.1 + cuda 9.0 + cudnn 7.0 +python2.7 tensorflow 项目链接 https://github.com/tensorflow/models.git下载后解压,所需要的工程在models/research/deeplab/ 目录下1. 测试本地环境首先添加slim路径,每次打开terminal都要...原创 2018-04-24 21:53:15 · 22796 阅读 · 216 评论 -
TensorFlow-Slim
TF-Slim是一个轻量级库,用于定义,训练和评估TensorFlow中的复杂模型。 tf-slim的组件可以与本地tensorflow以及其他框架(如tf.contrib.learn)自由混合。使用:import tensorflow.contrib.slim as slim为什么用TF-Slim?TF-Slim是一个使构建,训练和评估神经网络更加简单的库:允许用户通过消除样板代码来更加紧凑地定...翻译 2018-05-11 15:58:54 · 1191 阅读 · 0 评论 -
Keras版本的mask-rcnn,如何迁移到windows,c++,tensorflow上?
参考:https://github.com/matterport/Mask_RCNN/issues/1115https://github.com/matterport/Mask_RCNN/issues/222#issuecomment-373130661首先将keras中的模型保存下来,最初想先保存成h5,然后转换成pb,但是一起保存模型和参数有很多问题,然后就在代码中直接保存成pb格式。...原创 2019-04-01 22:56:23 · 1407 阅读 · 9 评论