我是第一次接触tensorflow,并使用以下脚本获取TensorFlow值错误:
W = tf.Variable(10)
print(W.eval())
我也尝试过这种方式:
with Session() as sess: print(W.eval())
抛出统一化值变量的错误。
现在,当我声明W = tf.Variable(10)时,它不会将其初始化为10吗?
我想要还原一个可变对象。也就是说,在反序列化之后,我希望有一个tensorflow.Variables类型的对象。
我试着使用。下面是一个很小的例子。序列化:
import tensorflow as tf
var = tf.Variable(101)
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
saver = tf.train.Saver()
tf.add_to_collection('var', var)
saver.save(sess,
我复制了一个测试脚本,将图像目录加载到Tensorflow中:
# Typical setup to include TensorFlow.
import tensorflow as tf
from sys import argv
# Make a queue of file names including all the JPEG images files in the relative
# image directory.
filename_queue = tf.train.string_input_producer(
tf.train.match_filenames_once(a
我正试图在Tensorflow建立一个简单的卷积网络。我将尽量将代码的数量保持在最低水平。这是一堂课:
class ConvNet(object):
def __init__(self, input, labels, dataset):
self.input = input
self.true_labels = labels
#'dataset' is an instance of a class that
#I am using to read the training images
self.data = dataset
我试着提高我的模型的训练速度。我做了一些预处理和增强(它运行在CPU),使我的训练缓慢。因此,我尝试在keras Sequence中实现数据的加载和预处理。为此,我跟踪了和这个。到目前为止,这使得我的训练速度慢了很多,我很肯定我在某个地方犯了错误。因为使用4 workers和use_multiprocessing=True运行我的培训脚本,所以我得到了以下日志:
Epoch 8/10
Using TensorFlow backend.
Using TensorFlow backend.
Using TensorFlow backend.
Using TensorFlow backend.
Us
~\AppData\Roaming\Python\Python36\site-packages\tensorflow\contrib\tpu\python\tpu\tpu_estimator.py in <module>()
38 from tensorflow.contrib.tpu.python.tpu import tpu_config
39 from tensorflow.contrib.tpu.python.tpu import tpu_context
---> 40 from tensorflow.contrib.tpu.python.tpu
在那里,我是第一次接触tensorflow,当我尝试tf.train.range_input_producer时,它不能在我的代码中工作:
import tensorflow as tf
if __name__ == '__main__':
with tf.Graph().as_default():
with tf.Session() as sess:
queue = tf.train.range_input_producer(tf.Variable(5, tf.int8), num_epochs=1, shuffle=True,
我正在尝试在linux机器上安装带有cuda和cudnn的tensorflow。我没有sudo访问权限,所以我从源代码开始构建。我按照这里的说明操作:
直到我们得到大量输出的那部分:
This tutorial iteratively calculates the major eigenvalue of a 2x2 matrix, on GPU.
The last few lines look like this.
000009/000005 lambda = 2.000000 x = [0.894427 -0.447214] y = [1.788854 -0.894427]
000006/0
我正在尝试将批处理规范添加到Keras中的vgg样式模型中。当我添加批处理规范层时,我得到错误:
FailedPreconditionError: Attempting to use uninitialized value batchnormalization_1_running_mean/biased
如果没有批处理层,脚本运行时没有错误,只有当我添加batchNormalization层时,它才会抛出错误。
model = Sequential()
model.add(ZeroPadding2D((1, 1), input_shape=(1, conf['image_shape&
我完全迷上了tensorflow保护程序方法。
我试着学习tensorflow深层神经网络模型教程。我想知道如何训练网络进行几次迭代,然后在另一个会话中加载模型。
with tf.Session() as sess:
graph = tf.Graph()
x = tf.placeholder(tf.float32,shape=[None,784])
y_ = tf.placeholder(tf.float32, shape=[None,10])
sess.run(global_variables_initializer())
#Define the
如何在Python3.7上安装TensorFlow
试着:
D:\Users\Downloads>pip install tensorflow
ERROR: Could not find a version that satisfies the requirement tensorflow (from versions: none)
ERROR: No matching distribution found for tensorflow
Windows 10操作系统
还有通风口的错误
(venv) C:\Users\KvaksManYT>pip install --upgrade
我在学TensorFlow。我正在尝试tf.train.MomentumOptimizer,但是我得到了以下错误:
Traceback (most recent call last):
File "relu.py", line 98, in <module>
learner.run(stop=0.01, print_epoch=True)
File "relu.py", line 70, in run
self.sess.run(train_step, feed_dict={self.x: batch_xs, self.y_:
我试图运行一个网络(卷积,高速公路,fc,rnn),这是太大的GPU。因此,我在全球范围内将该设备定义为"cpu“。在执行脚本时,在构建模型之后,在初始化变量时,脚本会抛出一个gpu错误。
with tf.Session() as sess:
with tf.device("cpu:0"):
model = CNN_FC_LANGUAGE(sess, checkpoint_dir=FLAGS.checkpoint_dir,
char_embed_dim=FLAGS.cha
我使用的是谷歌Colab,我使用的是numpy.random.seed()和tensorflow.set_seed()以及Keras v2和Tensorflow v2.x。
然而,它仍然在不同的运行中给出了不同的结果。还有什么我可能需要设置的吗?
我在它们中都指定了一个参数,我不会让它们没有参数。
np.random.seed(1) # this is in a notebook
... # this is a function called in the notebook
tf.random.set_seed(3)
self.model.fit_generator(
r
我正致力于在Tensorflow 2中实现一个简单的神经类型转换,我已经看到了这个官方的。
我按照教程中的说明编写了一个培训循环:
img = tf.Variable(content_img)
for t in range(max_iter):
with tf.GradientTape() as tape:
tape.watch(img)
loss = getStyleTransferLoss(img, cnn)
# Compute gradient
grad = tape.gradient(loss, img)
optimizer.appl
我刚刚在我的自定义数据集(1675个训练图像,400个验证图像,2个类)上从头开始训练inceptionv3:
我不知道如何使用我的新训练的模型对我的测试图像进行预测。(在哪里可以将label_image.py指向模型)
我新训练的模特是从哪里得救的?
下面是关于我的设置/运行的一些元数据:
我在train_dir中生成了以下文件:
- events.out.tfevents.1481980070.airig-Inspiron-7559(4.9GB)
- graph.pbtxt(18.5MB)
- and a bunch of **model.ckpt-**_**.meta
我试图在Keras和Tensorflow中编写一个暹罗网络,使用这个木星笔记本作为参考:
当我创建模型时:
model = get_siamese_model((105, 105, 1))
我发现了一个错误:
Traceback (most recent call last):
File "main.py", line 164, in <module>
model = get_siamese_model((105, 105, 1))
File "main.py", line 129, in get_siamese_model
我正在使用tensorflow模型,就像中描述的那样。正因为如此,我没有会话对象。现在我想用.eval()把标签转换成一个数值数组。如果没有会话,就会出现错误。
Traceback (most recent call last):
File "myfile.py", line 273, in <module>
tf.app.run()
File "/usr/local/lib/python3.4/site-packages/tensorflow/python/platform/app.py", line 30, in run
sys.