当我运行这个项目时,我得到了错误。
ValueError: Variable d_h0_conv/w/Adam/ does not exist, or was not created with tf.get_variable(). Did you mean to set reuse=None in VarScope?
代码的部分如下。
优化器:
d_optim = tf.train.AdamOptimizer(config.learning_rate, beta1=config.beta1) \
.minimize(self.d_loss, var_list= sel
我有一个tensorflow代码要运行在火星雨上。代码
tf.flags.DEFINE_integer("evaluate_every", 100, "Evaluate model on dev set after this man
y steps (default: 100)")
tf.flags.DEFINE_integer("window_size", 3, "n-gram")
tf.flags.DEFINE_integer("sequence_length", 204, "
我的tensorflow-gpu以前运行得很好。但是现在它给了我这个错误: tf.estimator package not installed. 当调用import时: user@pc:~/workspace$ python
Python 2.7.15rc1 (default, Nov 12 2018, 14:31:15)
[GCC 7.3.0] on linux2
Type "help", "copyright", "credits" or "license" for more information.
>>&
我使用“用原生pip安装”安装了tensor flow,而没有安装anaconda,并且能够在终端启动的Python控制台中导入TensorFlow。
$ python
Python 2.7.13 (default, Apr 4 2017, 08:47:57)
[GCC 4.2.1 Compatible Apple LLVM 8.1.0 (clang-802.0.38)] on darwin
Type "help", "copyright", "credits" or "license" for more information
我无法使用、Python3.6和MacSierrav10.12.6通过pip3完成安装说明。
试图验证安装的结果如下:
Installing collected packages: protobuf, tensorflow
Successfully installed protobuf-3.5.2.post1 tensorflow-1.8.0
You are using pip version 9.0.3, however version 10.0.1 is available.
You should consider upgrading via the 'pip install --
我正在尝试训练TF2进行物体检测。当我运行model_main_tf2.py时,我得到以下错误:
Traceback (most recent call last):
File "C:\Python_venv\trained_models\model_main_tf2.py", line 32, in <module>
from object_detection import model_lib_v2
ImportError: cannot import name 'model_lib_v2' from 'object_detec
我无法运行张紧板,并得到消息:
bad interpreter: No such file or directory
复制步骤:
在Ubuntu上安装TF,使用virtenv,并按照指令执行pip
通过运行mnist示例正确安装了已确认的TF。产出如预期
试图使用以下方法运行张紧板:
拉伸板--logdir=/tmp/tensorflow/mnist/logs/mnist_with_summaries/
检查此位置是否包含"test“和”培训“目录中的摘要文件。
命令和错误:
(tensorflow_1_4_0) js@pchome01:~$ tensorboa
我现在正在学习tensorflow和keras,我看到所有教程都有这两种导入:
import tensorflow as tf
from tensorflow import keras
根据我对python导入的理解,我认为第二行是额外的,因为如果我们已经在第一行中导入了tensorflow,那么我们将导入tensorflow中的每个模块。就像我们有
import math
然后我们应该有math.log()、math.sqrt()可用。
不过,如果我评论一下
from tensorflow import keras
然后这一行代码
model = tf.keras.Sequential([
我试图安装TF,但pip没有找到任何它的版本。
pip install tensorflow返回
ERROR: Could not find a version that satisfies the requirement tensorflow (from versions: none)
ERROR: No matching distribution found for tensorflow
pip show tensorflow说
WARNING: Package(s) not found: tensorflow
我使用的是macOS和m1 pro芯片,这在某种程度上与问题有关吗?
我必须使用tf.function(jit_compile=true),但它似乎与tf.py_function相矛盾,它为与节点{{节点EagerPyFunc}){节点EagerPyFunc}}兼容的XLA_GPU_JIT设备发送错误消息 node 'EagerPyFunc‘OpKernel。
import tensorflow as tf
import numpy as np
def my_numpy_func(x): # This function must be numpy function, because it involves lots of scipy operatio
我正在尝试安装Tensorflow 2.0。下面是我正在运行的命令:
$ pip3 install tensorflow-gpu
当我打开Python控制台时(用Jetbrains PyCharm)
import tensorflow as tf
我立刻收到了一堆反对意见的警告:
/home/jason/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:516: FutureWarning: Passing (type, 1) or '1type' as a synonym of t
我正在研究十流,并想测试一下slim的例子。当我命令./scripts/train_lenet_on_mnist.sh时,运行到eval_image_classifier的程序会给出一个类型错误,错误信息如下:
I tensorflow/stream_executor/dso_loader.cc:111] successfully opened CUDA library libcublas.so.8.0 locally
I tensorflow/stream_executor/dso_loader.cc:111] successfully opened CUDA library libcudn
!pip install Keras
import Keras
print(Keras.__version__)
import tensorflow as tf
print(tf.__version__)
在整理了上面的代码之后,当我试图使用nlp和深度学习解决分类问题时,我遇到了这个错误,这就是为什么我试图安装tensorflow和keras。但它不断地给我带来错误。
Requirement already satisfied: Keras in c:\users\hind\anaconda3\envs\toxic\lib\site-packages (2.4.3)
Requirement
我真的很不擅长编码,而且我第一次尝试从Open AI运行GPT2模型。我的老师能够运行他自己的模型,我试图对numpy和tensorlfow的所有正确版本执行相同的操作,但当我尝试运行我自己的示例时:
python train.py --dataset critique.npz
Traceback (most recent call last):
File "train.py", line 9, in <module>
import tensorflow as tf
ImportError: No module named tensorflow
➜ s