腾讯云
开发者社区
文档
建议反馈
控制台
登录/注册
首页
学习
活动
专区
圈层
工具
文章/答案/技术大牛
搜索
搜索
关闭
发布
精选内容/技术社群/优惠产品,
尽在小程序
立即前往
文章
问答
(5329)
视频
沙龙
1
回答
在Tensorflow中实现Keras模型的几个问题
、
、
、
、
tf.InteractiveSession() y = tf.placeholder(tf.float32, [None, 10]) w2 =
tf.Variable
(tf.zeros([700, 500])) w3 =
tf.Variable
(tf.zeros([500, 500]))w4 =
tf.Variable
(tf.zeros([500, 500]
浏览 0
提问于2018-11-15
得票数 1
回答已采纳
1
回答
如何在tf.map_fn的不同分支中使用不同的卷积层?
、
、
、
我试图在张力流1.14中建立一个简单的多头注意层。每个头部包含三个不同的conv1d层。我想用tf.map_fn来并行计算。normalize = tf.contrib.layers.instance_norm f1ds = tf.tile(f1d
浏览 0
提问于2020-12-11
得票数 0
回答已采纳
1
回答
在训练CNN时优化图层的权重
、
、
、
我正在尝试训练一个神经网络,它的最后一层是这样的,# Here I am adding 5 probability from 5 different layer但现在我想给他们一些分量,比如和optimize the
浏览 0
提问于2020-12-18
得票数 1
1
回答
在新文件中恢复图形和会话之后,使用tf.get_variable获取变量
、
ref><
tf.Variable
'beta2_power:0' shape=() dtype) dtype=float32_ref><
tf.Variable
'b
浏览 0
提问于2018-05-22
得票数 0
1
回答
关于在Tensorflow中保存/恢复训练过的权重和偏差的困惑
、
'),'wConv3':
tf.Variable
([64]), name='bC3'),'bConv5': <e
浏览 9
提问于2017-10-12
得票数 1
回答已采纳
1
回答
如何保存没有定义变量的tensorflow模型(省略标签张量)
、
、
、
、
tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits = A2, labels = Y)) global_step =
tf.Variable
浏览 1
提问于2017-12-18
得票数 2
回答已采纳
1
回答
tensorflow上出错:形状必须是等级2,但对于“”MatMul_25“”来说是等级1“”
、
(xavier_init([image_dim + Y_dimension, disc_hidd_dim])), 'gen_H':
tf.Variable
([z_noise_dim + Y_dimension, gen_hidd_dim]), 'gen_final':
tf.Variable
(xavier_init([gen_hidd_d
浏览 21
提问于2019-05-21
得票数 1
回答已采纳
1
回答
我找不到为什么编译器会报告这个错误?
、
、
import tensorflow as tf b =
tf.Variable
浏览 1
提问于2017-06-22
得票数 1
1
回答
在Tensorflow中向神经网络添加额外一层的麻烦
、
、
、
, [None, D])W1 =
tf.Variable
(tf.random_normal([D,M], stddev=0.01))W2 =
tf.Variable
(tf.random_normal([M,M], stddev=0.01)
浏览 24
提问于2019-04-06
得票数 0
回答已采纳
1
回答
为TensorFlow中变量的平面化视图的切片赋值
、
下面是一个转弯抹角实现相同结果的示例: # <
tf.Variable
浏览 14
提问于2021-05-29
得票数 0
1
回答
在global_variables_initializer中调用TensorFlow时出错
、
我在TensorFlow中有以下代码 b =
tf.Variable
(10) * awith tf.Session() as sess:但是,当我用a替换b时,如下所示: b =
tf.Variable
(10) * awith tf.Session() as sess:
浏览 2
提问于2018-02-27
得票数 0
回答已采纳
1
回答
tensorflow,没有正确恢复变量
、
、
、
tf.Variable
(tf.random_normal([784, n_nodes_hl1])), hidden_3_layer = {'weights':
tf.Variable
(tf.random_normal{'weights':
tf.Variable</e
浏览 3
提问于2017-10-02
得票数 1
回答已采纳
1
回答
如何从神经网络中获取权重并确保它们仍然可训练?
、
、
我试图训练一个由误差和正则化组成的目标函数的神经网络。到目前为止,我已经尝试过:
浏览 0
提问于2019-01-06
得票数 1
1
回答
重复张量名称工作,而它不应该
、
、
def convolutional_block(X, f, filters, stage, block, s = 2): bn_name_base = 'bn' + str(stage) + block + '_branch' X = Conv2D(F1, (1, 1), strides
浏览 1
提问于2020-02-16
得票数 0
回答已采纳
1
回答
损失函数可训练参数在角点不起作用。
、
、
、
、
) * (2*n_inputs) l2_weight =
tf.Variable
(0.5, trainable=True, name='L2_Loss_weight') l3_weight =
tf.Variable
(0.5,
浏览 8
提问于2022-08-24
得票数 0
1
回答
对具有字典输入(由多个模型组成)的tf.keras神经网络使用GradientTape
、
、
、
、
我需要从Tensorflow/Keras2.0 (super_model)中实现的神经网络中获取导数。由于我之前在this post中解释的问题,这个模型由多个基本模型(从x1到x6)组成。(因此,如果只将角度传递给模型,我将得到一个错误。)请参阅以下代码: angles=[0] * 21 'x1_model_input': numpy.array([angles[0:3]]), 'x3_model_input'
浏览 45
提问于2021-11-13
得票数 0
回答已采纳
1
回答
还原检查点以重新培训新类
(tf.random_normal([patch_size_2, patch_size_2, depth, depth], stddev=0.1)), 'bias_1' :
tf.Variable
(tf.
浏览 8
提问于2016-09-23
得票数 0
回答已采纳
2
回答
为什么
tf.Variable
([8.0],tf.float64)的类型是TensorFlow 32而不是TensorFlow 64?
、
、
/usr/bin/python x =
tf.Variable
([2], tf.float32)如果我们尝试上述代码段,则输出如下/usr/bin/python import numpy as np indices = tf.co
浏览 0
提问于2017-06-05
得票数 1
回答已采纳
1
回答
为稠密层tensorflow创建对称权核
、
我正试图在TensorFlow中创建一个权重矩阵,如下所示 [c, b], 其中a,b,c,d为
Tf.Variable
。梯度流应该只改变变量a、b、c、d。如果分别初始化3个变量,然后创建权重矩阵w如下:b =
tf.Variable
(1., name='b',trainable=True) c =
tf.Variable
(1., name='
浏览 2
提问于2022-02-10
得票数 1
回答已采纳
1
回答
Tensorflow,用元素操作定义损失函数的适当方法
、
我有一批n培训示例。每个训练示例都生成一个向量、一个(长度k)和一个向量c (也是长度k)。我想定义以下损失函数:我读过各种可供我使用的tf操作,但似乎无法找到适当的实现。我试着用tf.tile把p复制成k长张量,然后做tf.subtract,但这似乎太过分了。
浏览 6
提问于2017-11-14
得票数 0
回答已采纳
点击加载更多
扫码
添加站长 进交流群
领取专属
10元无门槛券
手把手带您无忧上云
相关
资讯
程序猿python学习AIphaZero,TensorFlow强化学习AI游戏,100行代码运行看看!
用Tensorflow搭建卷积神经网络
机器学习的基础讲解:神经网络
人工智能学习案例-生成对抗神经网络案例
Tensorflow实践:用神经网络训练分类器
热门
标签
更多标签
云服务器
ICP备案
云直播
对象存储
实时音视频
活动推荐
运营活动
广告
关闭
领券