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
module ‘tensorflow‘ has no attribute ‘placeholder‘
解决方案:1.tf.compat.v1.placeholder代替原来的
tf.placeholder
。
m0_54264218
·
2022-11-20 12:57
python
tensorflow训练数据集遇到`module ‘tensorflow‘ has no attribute ‘placeholder‘` 错误
我安装的是python3.7版本,对应的tensorflow版本是2.X,查资料得知,python3.7及以上版本tensorflow都是2.0以上,只有1.x版本才有
tf.placeholder
解决办法
aoirok
·
2022-11-20 12:20
tensorflow
深度学习
keras
tensorflow保存模型、加载模型、修改模型、保存修改后的模型、使用修改后的模型做推理、模型转pb、使用pb做推理
1.创建和保存模型:importtensorflowastfw1=
tf.placeholder
("float",name="w1")w2=
tf.placeholder
("float",name="w2"
料加鲜
·
2022-11-20 10:55
解决tensorflow中 RuntimeError:
tf.placeholder
() is not compatible with eager execution
项目场景:运行tf1.x版本是代码报错错误提示:RuntimeError:
tf.placeholder
()isnotcompatiblewitheagerexecution.解决方案:只需增加一行代码放在前面
落花雨96
·
2022-11-19 23:29
tensorflow
tensorflow
python
深度学习
tensorflow之神经网络层:Flatten,flatten
1.tf.layers.FlattenClassFlatten:在保留第0轴的情况下对输入的张量进行Flatten(扁平化)代码示例:x=
tf.placeholder
(shape=(None,4,4),
大雄没有叮当猫
·
2022-11-19 06:33
深度学习
tensorflow
tensorboard查看tensorboard例子代码
coding=utf-8importtensorflowastfimportosimportnumpyasnpos.environ['TF_CPP_MIN_LOG_LEVEL']='2'input_img=
tf.placeholder
wkk15903468980
·
2022-11-19 01:24
tensorflow
tensorboard
TensorFlow实现线性回归(包括三个例子)
保存、推理使用等)PyTorch版本的线性回归源码下载地址TensorFlow实现线性回归的第一个例子importnumpyasnpimporttensorflowastf#线性回归模型y=Wx+bx=
tf.placeholder
西西弗Sisyphus
·
2022-11-17 07:49
深度学习
TensorFlow
深度学习作业L2W3:Tensorflow Tutorial
##训练集输入设置X=
tf.placeholder
(...)Y=......##前向传播计算图搭建tf.matmul(W1,X)...##损失
awake020
·
2022-09-26 11:53
深度学习笔记
tensorflow
深度学习
python
神经网络
人工智能
【Tensorflow】Tensorflow一些常用基本概念与函数
1、tensorflow的基本运作为了快速的熟悉TensorFlow编程,下面从一段简单的代码开始:importtensorflowastf#定义‘符号’变量,也称为占位符a=
tf.placeholder
zj360202
·
2022-08-12 07:56
tensorflow
tensorflow
常用函数
基本函数
运算函数
函数
Tensorflow常用基本概念与函数
1、tensorflow的基本运作为了快速的熟悉TensorFlow编程,下面从一段简单的代码开始:importtensorflowastf#定义‘符号’变量,也称为占位符a=
tf.placeholder
余辉亮的学习笔记
·
2022-08-12 07:47
深度学习
tensorflow
函数
Tensorflow学习笔记:基础篇
文章目录前言模板导入输入输出OP创建常量tf.constant创建变量tf.Variable创建占位符变量
tf.placeholder
图操作变量初始化启动图前言最近在学习Tensorflow,软件配置是
yfWu
·
2022-05-15 07:26
tensorflow
tensorflow
Tensorflow搭建bilstm+attention文本分类模型
classBiLSTMAttention(object):"""TextCNN用于文本分类"""def__init__(self,config,wordEmbedding):#定义模型的输入self.inputX=
tf.placeholder
DwyanePeng
·
2022-04-11 07:00
算法
CS231n 学习笔记(十五)
review:大部分深度学习框架的目标是在前向传播时的代码编写看起来和numpy相似,但又能在GPU上运行,并且能自动计算梯度TensorFlow细节介绍我们定义了X,Y,w1,w2并且创建了这些变量的
tf.placeholder
kinggerui
·
2022-02-26 07:26
斯坦福
CS231n
学习笔记
CS231n
学习笔记
深度学习------RNN基础
importtensorflowastfimportnumpyasnptf.set_random_seed(777)n_inputs=3#每个样本3个特征n_neurons=5#隐藏状态,神经元个数X0=
tf.placeholder
小飞龙程序员
·
2022-02-15 07:05
深度学习
rnn
tensorflow
tensorflow session的用法
tf.constant(3)b=tf.constant(4)z=a*bwithtf.Session()assess:print(sess.run(z))12使用注入机制的用法importtensorflowastfa=
tf.placeholder
笨码农慢慢飞
·
2022-02-14 04:52
线性回归的TensorBoard的使用方法(No dashboards are active for the current data set解决方法)
importtensorflowastfimportnumpyasnpimportmatplotlib.pyplotasplttrain_x=np.linspace(-1,1,100)train_y=2*train_x+np.random.randn(train_x.shape[0])*0.2X=
tf.placeholder
笨码农慢慢飞
·
2022-02-13 07:25
PlaceHolder
此函数可以理解为形参,用于定义过程,在执行的时候再赋具体的值input1=
tf.placeholder
(tf.float32)input2=
tf.placeholder
(tf.float32)#使用session.run
猴子喜
·
2022-02-10 12:58
tensorflow 1.X迁移至tensorflow2 的代码写法
包括sess,
tf.placeholder
,tf.InteractiveSession(),tf.Session()tensorflow2相比于t
·
2022-02-08 11:20
tensorflow的变量空间管理
tf.summary.FileWriter('logs/',sess.graph)importtensorflowastfwithtf.name_scope('input'):#定义两个placeholderx=
tf.placeholder
yanghedada
·
2022-02-07 02:46
ios键盘输入限制字数
实现限制手机号输入最多11位有两种方法初始化手机号输入框```UITextField*tf=[[UITextFieldalloc]init];
tf.placeholder
=@"请输入手机号";tf.keyboardType
萤火驻守心间
·
2022-01-17 15:52
详细:tensorflow构建神经网络基础概念和梳理
None,w,h,c],name='x')y_=tf.compat.v1.placeholder(tf.int32,shape=[None,],name='y_')placeholder函数定义如下:
tf.placeholder
ForLoveToFly
·
2021-10-19 16:46
tensorflow
神经网络
深度学习
linear regression using TF
defmain(args):W=tf.Variable([1],dtype=tf.float32)b=tf.Variable([0],dtype=tf.float32)x=
tf.placeholder
(
satyrs_sh
·
2021-06-11 18:21
iOS 自定义UITextField placeholder文字属性与光标颜色
一、简单设置placeholder,输入框的占位符,其文字可以直接设置
tf.placeholder
=@"占位符";光标颜色可以也可以直接设置tf.tintColor=[UIColorwhiteColor
宁愿无言
·
2021-06-10 17:09
tensorFlow中的session和graph
该文尝试分析两者的关系tf.Session()tf.Session()使我们初学者的最多的构建TensorFlow的graph然后执行的方式如:input=
tf.placeholder
(tf.float32
birdl
·
2021-05-16 15:45
TensorFlow实现简单的MNIST手写数字识别问题
importtensorflowastffromtensorflow.examples.tutorials.mnistimportinput_datamnist=input_data.read_data_sets("MNIST_data",one_hot=True)#定义变量x=
tf.placeholder
平平又无奇
·
2021-05-09 07:40
tensorflow入门
x=
tf.placeholder
(dtype,shape=None,name=None)dtpye为数据类型,类似于pandas的数据类型,为tensorflow专用的数据类型,
不分享的知识毫无意义
·
2021-05-01 11:08
tensorflow的saved_model存取模型
importtensorflowastfimportnumpyasnpW=tf.get_variable(name="demo",initializer=tf.ones([10,32],dtype=tf.float32))x=
tf.placeholder
NLP幼儿园
·
2021-04-20 08:36
get_or_create_global_step
importtensorflow.compat.v1astftf.disable_v2_behavior()#tf.enable_eager_execution()importnumpyasnpx=
tf.placeholder
github_元宝
·
2021-04-19 17:58
tf
tensorflow
tensorflow的placeholder踩坑
问题描述这几天看论文、跑实验,然后就被程序中的
tf.placeholder
难住了,整了好几天,各种报错,各路大神的分享都看了还是百思不得其解,终于搞了几天能正常运行了,记录一下,以免大家跟我一样浪费很多时间
xingS1992
·
2021-03-18 20:22
python
tensorflow
python
placeholder
importtensorflowastfimportnumpyasnp#去掉警告信息importosos.environ['TF_CPP_MIN_LOG_LEVEL']='2'#placeholder输入为一个数字input1=
tf.placeholder
cb_guo
·
2021-03-11 00:24
训练中图片为什么要resize处理?
矩阵)输入的,向量的纬度一般是固定的,所以要进行大小调整一、输入向量维数=输入层节点数举例,假如训练输入的是一张张图片,每张图片对应一个矩阵,在这个矩阵里面,将每行看作一个向量,这个向量的列数是固定的
tf.placeholder
凤箫之舞
·
2020-10-10 22:31
使用tensorflow解决XOR问题示例
0,0],[0,1],[1,0],[1,1]])Y=np.array([[0],[1],[1],[0]])设置tensorflow神经网络(包含一层隐藏网络)#定义占位符,从输入或目标中按行取数据x=
tf.placeholder
zhuyijun09
·
2020-09-16 00:06
深度学习
tensorflow
机器学习
Cannot interpret feed_dict key as Tensor: Can not convert a method into a Tensor.
代码:input1=
tf.placeholder
(tf.types.float32)input2=
tf.placeholder
(tf.types.float32)output=tf.mul(input1
zhongxinleishi
·
2020-09-15 18:22
bug
备注:tensorflow模型训练时同时进行测试,将结果可视化。
x=
tf.placeholder
(tf.float32,shape=[BATCH_SIZE,256,256,3])y_=
tf.placeholder
(tf.int16,shape=[BATCH_SIZE
小田同学tdx
·
2020-09-15 11:02
Tensorflow
tensorflow --Dropout方法
TF_CPP_MIN_LOG_LEVEL"]='3'print(os.environ["TF_CPP_MIN_LOG_LEVEL"])x=tf.Variable(tf.ones([10,10]))dro=
tf.placeholder
qestion_yz_10086
·
2020-09-15 11:20
深度学习
tensorflow
python
第四个tensorflow的小案例
实现了tf.greater与tf.where的运用importtensorflowastffromnumpy.randomimportRandomStatebatch_size=8x=
tf.placeholder
xdhuox926
·
2020-09-15 01:44
TensorFlow
RuntimeError:
tf.placeholder
() is not compatible with eager execution解决
用tensorflow2.0运行1版本的代码出现解决方法:在开头处添加代码:tf.compat.v1.disable_eager_execution()
L D Y
·
2020-09-14 23:54
tensorflow2
RuntimeError:
tf.placeholder
() is not compatible with eager execution.解决方法
在写吴恩达老师的第四课第一周作业时,由于我的tensorflo是2.3版本,自己改了之后出现了以下错误提示RuntimeError:
tf.placeholder
()isnotcompatiblewitheagerexecution
YL_java_python
·
2020-09-14 21:24
tensorflow
python
tensorflow
python
tf.placeholder
函数说明
函数:
tf.placeholder
( dtype, shape=None, name=None)dtype:数据类型。
liubin9043
·
2020-09-12 11:07
tensorflow
tensorflow 在加载大型的embedding模型参数时,会遇到cannot be larger than 2GB
/usr/bin/env/python2#coding=utf-83importtensorflowastf4importnumpyasnp56input_ids=
tf.placeholder
(dtyp
weixin_34056162
·
2020-09-11 20:52
tf.where 和 tf.cond对比
importtensorflowastfpred=
tf.placeholder
(dtype=tf.bool,name='bool')x=tf.constant(1)y=tf.cond(pred,lambda
GAN_player
·
2020-09-11 13:51
我的Python学习
tensorflow学习
tf.layers使用之tf.layers.conv2d(...)
使用tf.layers.conv2d()进行卷积操作inputs1=
tf.placeholder
(tf.float32,[None,32,32,3])output1=tf.layers.conv2d(inputs1,64,5
weixin_44928263
·
2020-09-10 20:42
CS231n 8. Deep Learning Software 笔记 tensorflow数据类型
placeholder占位符相当于形参没有具体值x=
tf.placeholder
(tf.float32,shape=(N,D))assign幅值函数改变参数值后依然保存new_w1=w1.assign(
ferb2015
·
2020-09-10 13:53
CS231n
tensorflow-mnist 学习笔记 ---显卡内存不够用
input_data.read_data_sets('MNIST_data',one_hot=True)importtensorflowastfsess=tf.InteractiveSession()x=
tf.placeholder
大大怪授
·
2020-08-26 23:24
学习笔记
问题解决
python中的知识点总结(2):占位符
占位符1、
tf.placeholder
其中,
tf.placeholder
()函数具体情况如下:defplaceholder(dtype,shape=None,name=None):"""为一个张量插入一个占位符
夜溪兮
·
2020-08-26 15:48
TensorFlow
tensorboard之一(显示网络结构)
withtf.name_scope('input'):xs=
tf.placeholder
(tf.float32,[None,1],name='x_input')ys=
tf.placeholder
(tf.float32
看不见我呀
·
2020-08-26 12:12
神经网络实例
tensorflow1.0 official basement
1.W=tf.Variable([.3],tf.float32)b=tf.Variable([-.3],tf.float32)x=
tf.placeholder
(tf.float32)linear_model
weixin_30633405
·
2020-08-25 02:12
TensorFlow ---XOR异或神经网络
x_data=[[0,0],[0,1],[1,0],[1,1]]y_data=[[0],[1],[1],[0]]tf.set_random_seed(1)learning_rate=0.1#占位符X,Y=
tf.placeholder
Take your time_
·
2020-08-24 15:39
深度学习
Tensorflow
【深度学习基础】Gated CNN 门控CNN 代码篇
70254660importnumpyasnpimporttensorflowastfclassGatedCNN(object):def__init__(self,conf):tf.reset_default_graph()#定义输入X和Y的占位符self.X=
tf.placeholder
Anida_qin
·
2020-08-24 01:33
机器学习
tensorflow 知识过程
#运行中被更新p=
tf.placeholder
(...)shape[None,784]#None代表第一纬度不确定,视输入而定,用于不定batch输入tf.reshape(x,[-1,28,28,1])
Wind_white
·
2020-08-23 05:53
数据结构及算法
上一页
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
其他