E-COM-NET
首页
在线工具
Layui镜像站
SUI文档
联系我们
推荐频道
Java
PHP
C++
C
C#
Python
Ruby
go语言
Scala
Servlet
Vue
MySQL
NoSQL
Redis
CSS
Oracle
SQL Server
DB2
HBase
Http
HTML5
Spring
Ajax
Jquery
JavaScript
Json
XML
NodeJs
mybatis
Hibernate
算法
设计模式
shell
数据结构
大数据
JS
消息中间件
正则表达式
Tomcat
SQL
Nginx
Shiro
Maven
Linux
tf.placeholder
tensorflow保存模型的两种方法
下面介绍两种保存模型的方法:方法一:使用tf.train.Saver()保存代码,该方法保存的模型比较全,只要定义的变量均可获取,导入的模型与当前生成几乎具有一样的能力:#定义占位符,具有名称的变量可以被在导入模型后获取x=
tf.placeholder
weareu
·
2020-07-13 16:43
神经网络
tensorflow练习03-placeholder
importtensorflowastfinput1=
tf.placeholder
(tf.float32,[1,2])#第一参数:保存类型一般默认float32,input2=
tf.placeholder
sion_1989
·
2020-07-13 13:21
tensorflow模型加载与保存的两种方式
1.第一种加载与保存方法1.1保存importtensorflowastfimportnumpyasnp#定义图...istraing=
tf.placeholder
(tf.bool,name='istraing
终有一日
·
2020-07-13 01:30
tensorflow
tensorflow 基本概念
一、占位符
tf.placeholder
(dtype,shape=None,name=None)在使用Session.run()之前,需要使用feed_dict对占位符进行操作。
小_小_杨_
·
2020-07-12 02:20
Python
Tensorflow
TensorFlow笔记——关于MNIST数据的一个简单的例子
/MNIST"#导入数据mnist=input_data.read_data_sets(file,one_hot=True)#模型的输入和输出x=
tf.placeholder
(tf.fl
SANGF_
·
2020-07-11 22:35
python相关
机器学习
CRNN学习笔记
最近学习了CRNN网络,大体训练流程如下:1、准备输入数据和标签,标签为稀疏矩阵inputs=
tf.placeholder
(tf.float32,[batch_size,input_height,input_width
我很忙2010
·
2020-07-11 16:07
Tensorflow
深度学习
TensorFlow if语句 tensor 和 非tensor 比较
importtensorflowastfcondition=
tf.placeholder
(tf.int32,name="condition")A=tf.constant(value=123)B=tf.constant
guotong1988
·
2020-07-11 06:28
TensorFlow
Tensorflow一些常用基本概念与函数
1、tensorflow的基本运作为了快速的熟悉TensorFlow编程,下面从一段简单的代码开始:importtensorflowastf#定义‘符号’变量,也称为占位符a=
tf.placeholder
susandebug
·
2020-07-10 03:53
tensorflow
tensorflow
Tensorflow数据读取方式总结
如下面代码所示:from__future__importprint_functionimporttensorflowastfimportnumpyasnpx1=
tf.placeholder
(tf.float32
yqtaowhu
·
2020-07-10 03:11
TensorFlow输出某一层的具体数值
直接看代码,更容易理解importtensorflowastfimportnumpyasnpgraph=tf.Graph()withgraph.as_default():x=
tf.placeholder
furuit
·
2020-07-09 16:07
TensorFlow
用tensorflow实现VGG16
importtensorflowastflearn_rate=1e-3batch_size=50train_epoch=10000x=
tf.placeholder
(tf.float32,shape=[None
weixin_45414789
·
2020-07-08 23:07
深度学习
卷积神经网络
tensorflow指定GPU运算
withtf.Session()assess: withtf.device('/gpu:1'): a=
tf.placeholder
(tf.float32) b=
tf.placeholder
快乐小白鼠
·
2020-07-08 02:11
AI
tensorflow
Tensorboard 可视化
1.将想要命名的值添加代码及缩进withtf.name_scope('input'):withtf.name_scope('train_data'):ph_train_data=
tf.placeholder
什么珂
·
2020-07-07 22:02
Python
tensorflow
深度学习(二):Mnist多种分类方法实现(含代码)
主要内容:手写字分类数据集:mnist涉及方法:逻辑回归、简单神经网络、CNN、LSTM一、逻辑回归逻辑回归示意图:代码:defLogicG(mnist,dim,nclasses):x=
tf.placeholder
旖旎人生
·
2020-07-07 20:52
Python
deep
learning
Tensorflow (1)
'
tf.placeholder
'or'tf.Variable'Thedifferenceisthatwithtf.Variableyouhavetoprovideaninitialvaluewhenyoudeclareit.Withtf.placeholderyoudon'thavetoprovideaninitialvalueandyoucanspecifyitatruntimewiththef
dengheng4891
·
2020-07-07 06:03
AttributeError:module tensorflow no attribute app,以及module 'tensorflow' has no attribute 'flags'等等
tensorflow1.几版本的,所以只需要将源文件里面的importtensorflowadtf改为importtensorflow.compat.v1astf具体方法:编辑你的文件最后成功跑代码还遇到这个问题
tf.placeholder
Ian_Wonder
·
2020-07-06 17:02
code问题记录
【Tensorflow】报错:Cannot interpret feed_dict key as Tensor: The name 'x' refers to an operation, # > no
Cannotinterpretfeed_dictkeyasTensor:Thename'x'referstoanoperation,notaTensor.Tensornamesmustbeoftheform":".代码如下:importtensorflowastfx=
tf.placeholder
CS青雀
·
2020-07-06 14:59
机器学习算法
话谈tensorflow中feed_dict到底是个啥东西(理解就是python里的format,哈哈哈)
所需要的命令为
tf.placeholder
,具体代码为:importtensorflowastfa=
tf.placeholder
(tf.float32)上述表示给a赋予一个32位浮点数。
禅心001
·
2020-07-06 07:20
tensorflow
反思tensorflow实现RNN中遇到的问题
x=
tf.placeholder
(tf.float32,shape=[None,71],name='x_input')y_=
tf.placeholder
(tf.float32,shape=[None,1
刘大力_
·
2020-07-06 02:17
Tensorflow中使用tf.variable_scope()而scope名字自动加"_1"
tf.variable_scope()对参数进行空间的划分,结果在最后保存为pb文件时,发现scope名字中莫名地被自动添加了"_1"、"_2"等内容,如下代码所示withtf.variable_scope('test'):p1=
tf.placeholder
Hope_epoh
·
2020-07-05 16:36
深度学习
tensorflow
python
为什么CNN需要固定输入图像的尺寸(CNN图像尺寸输入限制问题)
#输入图像x=
tf.placeholder
(tf.float32,[None,784])y_=
tf.placeholder
(tf.float32,[None,10])x_image=t
chang_rj
·
2020-07-05 15:52
算法汇总
用CNN与RNN(LSTM)提取DNA序列中的特征的定义函数
importosimportnumpyasnpimporttensorflowastfimporttimeimportmathbatch_size=128path=os.getcwd()keep_prob=
tf.placeholder
super_he_pi
·
2020-07-05 13:54
深度学习类
tensorflow模型的存储与恢复
网上有些模型恢复手段不靠谱,经过自己的检验,以下这种方法确实可行模型保存都是类似的需要恢复的变量加个name属性:Keep_Prob=
tf.placeholder
(dtype=tf.float32,name
qq_17769765
·
2020-07-05 03:55
tensorflow和Keras 转换RGB到BGR的实现代码
tensorflowimportnumpyasnpimporttensorflowastfvgg_mean=[103.939,116.779,123.68]self.tfx=
tf.placeholder
Will_Ye
·
2020-07-04 09:32
Deep
Learning
【OpenVINO】将TensorFlow模型转成IR文件,并部署到NCS2上运行
模型转换编写好AlexNet模型并通过测试后,将模型专为pb文件:inputs=
tf.placeholder
(tf.float32,[1,227,227,3])model=Ale
Hugsy19
·
2020-07-04 02:59
TensorFlow
深度学习
OpenVINO
NCS
优化函数中minimize中的globel_step作用
importtensorflowastf;importnumpyasnp;x=
tf.placeholder
(tf.float32,shape=[None,1],name='x')y=
tf.placeholder
Takoony
·
2020-07-04 01:37
deep
learning
ValueError: Dimensions must be equal, but are 784 and 10 for 'add' (op: 'Add') with input shapes: [7
Dimensionsmustbeequal,butare784and10for'add'(op:'Add')withinputshapes:[784,784],[10].出现这种错误是由于矩阵位置放错了#定义两个placeholderx=
tf.placeholder
qq_16687863
·
2020-07-02 16:52
机器学习
bug原因及解决
tf.read_file和tf.image.decode_jpeg处理图片
两幅图片的原图分别如图所示:filename=
tf.placeholder
(tf.string,[],name='filename')image_file=tf.rea
aaon22357
·
2020-07-01 16:33
python
Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for i
ClippinginputdatatothevalidrangeforimshowwithRGBdata([0..1]forfloatsor[0..255]forintegers)原因:用cv2.imread读进来的图片是uint8格式的,每个点的像素值在[0,255]之间,之前定义的image=
tf.placeholder
aaon22357
·
2020-07-01 16:02
报错解决方案
零python基础看程序之LSTM最后一块内容编程的总结
X=
tf.placeholder
(tf.float32,[None,config.n_steps,config.n_inputs])为一个占位。
a2473
·
2020-07-01 15:23
Python深度学习
【tensorflow-C++之一】Beginner开始工程化
c++登场……..以下代码可以保存一个最简单的图模型:y=a*x+b(标量)importtensorflowastfdefsave():x=
tf.placeholder
(dtype=tf.float32
fishermanZzhang
·
2020-06-30 20:16
tensorflow
tensorflow
c++
python
tf.summary.scalar使用方法
importtensorflowastfa=
tf.placeholder
(tf.float32,shape=[])b=tf.constant(1,dtype=tf.int32)tf.summary.scalar
z2539329562
·
2020-06-30 11:11
人工智能
调bug
tensorflow学习
RNN入门:LSTM网络(三)
建模部分与RNN不同之处在于,LSTM有两个隐含状态,所以需要在state部分需要修改为:cell_state=
tf.placeholder
(tf.float32,[batch_size,state_size
潘某人的论文笔记
·
2020-06-30 05:04
TensorFlow 使用 tf.scalar tf.summary
/XIAO文件夹的权限#/usr/bin/python3importtensorflowastfsess=tf.Session()withtf.name_scope("XiaoGongWei"):a=
tf.placeholder
XiaoGongWei18
·
2020-06-30 01:42
TensorFlow
tensorflow画loss,acc曲线及数据保存
importtensorflowastffromtensorflow.examples.tutorials.mnistimportinput_dataimporttimeimportmatplotlib.pyplotaspltimportnumpyasnpx_data=
tf.placeholder
weixin_45615383
·
2020-06-29 17:31
使用tensorflow实现LR
LR.importtensorflowastfimportnumpyasnptf.reset_default_graph()#清空GraphFEATURE_NUM=8#特征数量withtf.name_scope("input"):x=
tf.placeholder
大海之中
·
2020-06-29 13:39
tf.placeholder
() is not compatible with eager execution的解决方法
最近安装了TensoFlow2.0及以上的版本都发现啊出现这个问题:RuntimeError:
tf.placeholder
()isnotcompatiblewitheagerexecution.这是因为在运行
David Wolfowitz
·
2020-06-29 10:20
tensorflow
堆叠多层bi-lstm的方法
方法1:n_hidden_units=50#隐藏层神经元数目num_layers=3#双向lstm神经网络的层数n_steps=15n_inputs=32X=
tf.placeholder
(dtype=tf.float32
little_whale_baby
·
2020-06-29 09:38
tf.placeholder
() is not compatible with eager execution.解决方法
tf.placeholder
()ismeanttobefedtothesessionthatwhenrunrecievethevalues
weixin_42515907
·
2020-06-29 05:43
机器学习
tensorflow实战-3.placeholder
#coding=utf-8importtensorflowastf#申明一个placeholder,理解为占位,shape可以填充时定,也可以事先定,run的时候填充数据input1=
tf.placeholder
科幻不再未来
·
2020-06-28 02:34
tf.nn.embedding_lookup()用法
/usr/bin/env/python#coding=utf-8importtensorflowastfimportnumpyasnpinput_ids=
tf.placeholder
(dtyp
daisyyyyyyyy
·
2020-06-27 06:38
深度学习
tf 实现 LR
#参数初始化x=
tf.placeholder
('float',[None,784])#None表示数量未知或者无限y=
tf.placeholder
('float',[None,10])W=tf.Variable
cookyo
·
2020-06-27 04:33
关于tensorflow 中 placeholder 与 reshape的一点坑
然后改了下训练数据的输入格式#定义输入输出placeholder,**修改前**x=
tf.placeholder
(tf.float32,[None,mnist_inference.IMAGE_SIZE,
一直再爬的蜗牛
·
2020-06-26 22:32
tensorflow
tensorflow判断两个tensor是否完全相同
下面给一个例子:a=
tf.placeholder
(tf.int32,[2,])b=
tf.placeholder
(tf.int32,[
silent56_th
·
2020-06-26 10:14
Tensorflow
Tensorflow使用技巧
损失函数对模型训练结果的影响
importtensorflowastffromnumpy.randomimportRandomStatebatch_size=8#定义两个占位符,表示输入的x与正确的yx=
tf.placeholder
搓衣板的正义
·
2020-06-25 20:40
机器学习
TensorFlow教程(1):MNIST数据的单层逻辑回归代码
importtensorflowastfimporttensorflow.examples.tutorials.mnist.input_dataasinput_datamnist=input_data.read_data_sets('MNIST_data',one_hot=True)#初始化变量X=
tf.placeholder
致Great
·
2020-06-25 18:18
关于在使用tensorflow2.0版本时,出现RuntimeError:
tf.placeholder
() is not compatible with eager execution.的问题
关于在使用tensorflow2.0版本时,出现RuntimeError:
tf.placeholder
()isnotcompatiblewitheagerexecution.的问题今天在运行程序:(部分代码
LS_learner
·
2020-06-25 16:44
Anaconda
vsc
TensorFlow 异常:AttributeError: module 'tensorflow' has no attribute 'mul'
AttributeError:module'tensorflow'hasnoattribute'mul'执行代码:importtensorflowastfsess=tf.Session()a=
tf.placeholder
拾柴者
·
2020-06-25 14:40
TensorFlow
笔记
异常Exception
python 简单使用MNIST数据集+卷积神经网络实现手写数字识别
importtensorflowastfimporttensorflow.examples.tutorials.mnist.input_dataasinput_data#1读取数据mnist=input_data.read_data_sets("MNIST_data/",one_hot=True)#2建立模型使用卷积神经网络#2.1输入图像与标签x=
tf.placeholder
das白
·
2020-06-25 13:38
人工智能
python
tensorflow
神经网络
mnist
python
TensorFlow1.0系统学习(五)————Tensorboard的使用(显示网络结构,各种数据,可视化训练过程)
首先要定义命名空间#命名空间withtf.name_scope('input'):#定义两个placeholderx=
tf.placeholder
(tf.f
夏天的欢
·
2020-06-25 11:49
TensorFlow
上一页
1
2
3
4
5
6
7
8
下一页
按字母分类:
A
B
C
D
E
F
G
H
I
J
K
L
M
N
O
P
Q
R
S
T
U
V
W
X
Y
Z
其他