- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我在 Anaconda 环境中使用 Python(jupyter notebook)
操作系统:Ubuntu
tensorflow 版本:1.14.0
Python版本:3.6
https://github.com/tensorflow/tensorboard/issues/1425
这是同一个问题,但答案没有帮助。
除了尝试重新安装 Tensorflow 之外,是否有解决此问题的方法?还是我应该升级我的 tensorflow 版本?
from keras.callbacks import TensorBoard
tensorboard = TensorBoard(log_dir='graph_1', histogram_freq=0,
batch_size=512, write_graph=True, write_grads=False,
write_images=False, embeddings_freq=0, embeddings_layer_names=None,
embeddings_metadata=None, embeddings_data=None, update_freq='epoch')
ImportError Traceback (most recent call last)
~/anaconda3/lib/python3.6/site-packages/keras/callbacks.py in __init__(self, log_dir, histogram_freq, batch_size, write_graph, write_grads, write_images, embeddings_freq, embeddings_layer_names, embeddings_metadata, embeddings_data, update_freq)
744 import tensorflow as tf
--> 745 from tensorflow.contrib.tensorboard.plugins import projector
746 except ImportError:
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/__init__.py in <module>
40 from tensorflow.contrib import distribute
---> 41 from tensorflow.contrib import distributions
42 from tensorflow.contrib import estimator
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/distributions/__init__.py in <module>
43 from tensorflow.contrib.distributions.python.ops.distribution_util import tridiag
---> 44 from tensorflow.contrib.distributions.python.ops.estimator import *
45 from tensorflow.contrib.distributions.python.ops.geometric import *
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/distributions/python/ops/estimator.py in <module>
20
---> 21 from tensorflow.contrib.learn.python.learn.estimators.head import _compute_weighted_loss
22 from tensorflow.contrib.learn.python.learn.estimators.head import _RegressionHead
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/learn/__init__.py in <module>
92 # pylint: disable=wildcard-import
---> 93 from tensorflow.contrib.learn.python.learn import *
94 # pylint: enable=wildcard-import
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/learn/python/__init__.py in <module>
27 # pylint: disable=wildcard-import
---> 28 from tensorflow.contrib.learn.python.learn import *
29 # pylint: enable=wildcard-import
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/learn/python/learn/__init__.py in <module>
29 from tensorflow.contrib.learn.python.learn import datasets
---> 30 from tensorflow.contrib.learn.python.learn import estimators
31 from tensorflow.contrib.learn.python.learn import graph_actions
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/learn/python/learn/estimators/__init__.py in <module>
301 from tensorflow.contrib.learn.python.learn.estimators.constants import ProblemType
--> 302 from tensorflow.contrib.learn.python.learn.estimators.dnn import DNNClassifier
303 from tensorflow.contrib.learn.python.learn.estimators.dnn import DNNEstimator
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/learn/python/learn/estimators/dnn.py in <module>
33 from tensorflow.contrib.learn.python.learn import metric_spec
---> 34 from tensorflow.contrib.learn.python.learn.estimators import dnn_linear_combined
35 from tensorflow.contrib.learn.python.learn.estimators import estimator
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/learn/python/learn/estimators/dnn_linear_combined.py in <module>
35 from tensorflow.contrib.learn.python.learn import metric_spec
---> 36 from tensorflow.contrib.learn.python.learn.estimators import estimator
37 from tensorflow.contrib.learn.python.learn.estimators import head as head_lib
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/learn/python/learn/estimators/estimator.py in <module>
51 from tensorflow.contrib.learn.python.learn.estimators._sklearn import NotFittedError
---> 52 from tensorflow.contrib.learn.python.learn.learn_io import data_feeder
53 from tensorflow.contrib.learn.python.learn.utils import export
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/learn/python/learn/learn_io/__init__.py in <module>
36 from tensorflow.contrib.learn.python.learn.learn_io.graph_io import read_keyed_batch_features_shared_queue
---> 37 from tensorflow.contrib.learn.python.learn.learn_io.numpy_io import numpy_input_fn
38 from tensorflow.contrib.learn.python.learn.learn_io.pandas_io import extract_pandas_data
~/anaconda3/lib/python3.6/site-packages/tensorflow/contrib/learn/python/learn/learn_io/numpy_io.py in <module>
25
---> 26 from tensorflow.python.estimator.inputs.numpy_io import numpy_input_fn as core_numpy_input_fn
27 from tensorflow.python.util.deprecation import deprecated
~/anaconda3/lib/python3.6/site-packages/tensorflow/python/estimator/inputs/numpy_io.py in <module>
25
---> 26 from tensorflow_estimator.python.estimator.inputs import numpy_io
27
~/anaconda3/lib/python3.6/site-packages/tensorflow_estimator/python/estimator/inputs/numpy_io.py in <module>
25
---> 26 from tensorflow_estimator.python.estimator.inputs.queues import feeding_functions
27 from tensorflow.python.util.tf_export import estimator_export
~/anaconda3/lib/python3.6/site-packages/tensorflow_estimator/__init__.py in <module>
9
---> 10 from tensorflow_estimator._api.v2 import estimator
11 _names_with_underscore = []
~/anaconda3/lib/python3.6/site-packages/tensorflow_estimator/_api/v2/estimator/__init__.py in <module>
9
---> 10 from tensorflow_estimator._api.v2.estimator import experimental
11 from tensorflow_estimator._api.v2.estimator import export
~/anaconda3/lib/python3.6/site-packages/tensorflow_estimator/_api/v2/estimator/experimental/__init__.py in <module>
10 from tensorflow_estimator.python.estimator.canned.linear import LinearSDCA
---> 11 from tensorflow_estimator.python.estimator.canned.rnn import RNNClassifier
12 from tensorflow_estimator.python.estimator.canned.rnn import RNNEstimator
~/anaconda3/lib/python3.6/site-packages/tensorflow_estimator/python/estimator/canned/rnn.py in <module>
22
---> 23 from tensorflow.python.feature_column import dense_features
24 from tensorflow.python.feature_column import feature_column_lib as fc
ImportError: cannot import name 'dense_features'
During handling of the above exception, another exception occurred:
ImportError Traceback (most recent call last)
<ipython-input-83-0d8f7236c1d1> in <module>
16 reduce_lr_1 = ReduceLROnPlateau(monitor = 'val_loss', factor = 0.2, patience = 1, verbose = 1, min_delta = 0.0001)
17
---> 18 tensorboard_1 = TensorBoard(log_dir='graph_1', histogram_freq=0, batch_size=512, write_graph=True, write_grads=False, write_images=False, embeddings_freq=0, embeddings_layer_names=None, embeddings_metadata=None, embeddings_data=None, update_freq='epoch')
19
20 callbacks_1 = [checkpoint_1,earlystop_1,tensorboard_1,reduce_lr_1]
~/anaconda3/lib/python3.6/site-packages/keras/callbacks.py in __init__(self, log_dir, histogram_freq, batch_size, write_graph, write_grads, write_images, embeddings_freq, embeddings_layer_names, embeddings_metadata, embeddings_data, update_freq)
745 from tensorflow.contrib.tensorboard.plugins import projector
746 except ImportError:
--> 747 raise ImportError('You need the TensorFlow module installed to '
748 'use TensorBoard.')
749
ImportError: You need the TensorFlow module installed to use TensorBoard.
最佳答案
正如错误清楚地表明 ImportError: You need the TensorFlow module installed to use TensorBoard
.
您当前的 Tensorflow (TF=1.14.0) 安装似乎存在问题。
要求您升级最新版本的 Tensorflow (TF 2.2.0) 如下
pip install tensorflow==2.2.0
#OR
pip install --upgrade tensorflow
TF 2.2.0
启用了 TensorBoard 的可视化。在 Jupyter Notebook 中如下
tf.keras.callbacks.TensorBoard
%load_ext tensorboard
import tensorflow as tf
import datetime, os
fashion_mnist = tf.keras.datasets.fashion_mnist
(x_train, y_train),(x_test, y_test) = fashion_mnist.load_data()
x_train, x_test = x_train / 255.0, x_test / 255.0
def create_model():
return tf.keras.models.Sequential([
tf.keras.layers.Flatten(input_shape=(28, 28)),
tf.keras.layers.Dense(512, activation='relu'),
tf.keras.layers.Dropout(0.2),
tf.keras.layers.Dense(10, activation='softmax')
])
def train_model():
model = create_model()
model.compile(optimizer='adam',
loss='sparse_categorical_crossentropy',
metrics=['accuracy'])
logdir = os.path.join("logs", datetime.datetime.now().strftime("%Y%m%d-%H%M%S"))
tensorboard_callback = tf.keras.callbacks.TensorBoard(logdir, histogram_freq=1)
model.fit(x=x_train,
y=y_train,
epochs=5,
validation_data=(x_test, y_test),
callbacks=[tensorboard_callback])
train_model()
%tensorboard --logdir logs
Downloading data from https://storage.googleapis.com/tensorflow/tf-keras-datasets/train-labels-idx1-ubyte.gz
32768/29515 [=================================] - 0s 0us/step
Downloading data from https://storage.googleapis.com/tensorflow/tf-keras-datasets/train-images-idx3-ubyte.gz
26427392/26421880 [==============================] - 0s 0us/step
Downloading data from https://storage.googleapis.com/tensorflow/tf-keras-datasets/t10k-labels-idx1-ubyte.gz
8192/5148 [===============================================] - 0s 0us/step
Downloading data from https://storage.googleapis.com/tensorflow/tf-keras-datasets/t10k-images-idx3-ubyte.gz
4423680/4422102 [==============================] - 0s 0us/step
Epoch 1/5
1875/1875 [==============================] - 8s 4ms/step - loss: 0.4957 - accuracy: 0.8237 - val_loss: 0.4407 - val_accuracy: 0.8385
Epoch 2/5
1875/1875 [==============================] - 8s 4ms/step - loss: 0.3816 - accuracy: 0.8608 - val_loss: 0.3885 - val_accuracy: 0.8613
Epoch 3/5
1875/1875 [==============================] - 8s 4ms/step - loss: 0.3503 - accuracy: 0.8717 - val_loss: 0.3683 - val_accuracy: 0.8661
Epoch 4/5
1875/1875 [==============================] - 8s 4ms/step - loss: 0.3255 - accuracy: 0.8804 - val_loss: 0.3495 - val_accuracy: 0.8719
Epoch 5/5
1875/1875 [==============================] - 8s 4ms/step - loss: 0.3137 - accuracy: 0.8850 - val_loss: 0.3532 - val_accuracy: 0.8716
关于python - 导入错误 : TensorBoard,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/57918070/
我已经使用 vue-cli 两个星期了,直到今天一切正常。我在本地建立这个项目。 https://drive.google.com/open?id=0BwGw1zyyKjW7S3RYWXRaX24tQ
您好,我正在尝试使用 python 库 pytesseract 从图像中提取文本。请找到代码: from PIL import Image from pytesseract import image_
我的错误 /usr/bin/ld: errno: TLS definition in /lib/libc.so.6 section .tbss mismatches non-TLS reference
我已经训练了一个模型,我正在尝试使用 predict函数但它返回以下错误。 Error in contrasts<-(*tmp*, value = contr.funs[1 + isOF[nn]])
根据Microsoft DataConnectors的信息我想通过 this ODBC driver 创建一个从 PowerBi 到 PostgreSQL 的连接器使用直接查询。我重用了 Micros
我已经为 SoundManagement 创建了一个包,其中有一个扩展 MediaPlayer 的类。我希望全局控制这个变量。这是我的代码: package soundmanagement; impo
我在Heroku上部署了一个应用程序。我正在使用免费服务。 我经常收到以下错误消息。 PG::Error: ERROR: out of memory 如果刷新浏览器,就可以了。但是随后,它又随机发生
我正在运行 LAMP 服务器,这个 .htaccess 给我一个 500 错误。其作用是过滤关键字并重定向到相应的域名。 Options +FollowSymLinks RewriteEngine
我有两个驱动器 A 和 B。使用 python 脚本,我在“A”驱动器中创建一些文件,并运行 powerscript,该脚本以 1 秒的间隔将驱动器 A 中的所有文件复制到驱动器 B。 我在 powe
下面的函数一直返回这个错误信息。我认为可能是 double_precision 字段类型导致了这种情况,我尝试使用 CAST,但要么不是这样,要么我没有做对...帮助? 这是错误: ERROR: i
这个问题已经有答案了: Syntax error due to using a reserved word as a table or column name in MySQL (1 个回答) 已关闭
我的数据库有这个小问题。 我创建了一个表“articoli”,其中包含商品的品牌、型号和价格。 每篇文章都由一个 id (ID_ARTICOLO)` 定义,它是一个自动递增字段。 好吧,现在当我尝试插
我是新来的。我目前正在 DeVry 在线学习中级 C++ 编程。我们正在使用 C++ Primer Plus 这本书,到目前为止我一直做得很好。我的老师最近向我们扔了一个曲线球。我目前的任务是这样的:
这个问题在这里已经有了答案: What is an undefined reference/unresolved external symbol error and how do I fix it?
我的网站中有一段代码有问题;此错误仅发生在 Internet Explorer 7 中。 我没有在这里发布我所有的 HTML/CSS 标记,而是发布了网站的一个版本 here . 如您所见,我在列中有
如果尝试在 USB 设备上构建 node.js 应用程序时在我的树莓派上使用 npm 时遇到一些问题。 package.json 看起来像这样: { "name" : "node-todo",
在 Python 中,您有 None单例,在某些情况下表现得很奇怪: >>> a = None >>> type(a) >>> isinstance(a,None) Traceback (most
这是我的 build.gradle (Module:app) 文件: apply plugin: 'com.android.application' android { compileSdkV
我是 android 的新手,我的项目刚才编译和运行正常,但在我尝试实现抽屉导航后,它给了我这个错误 FAILURE: Build failed with an exception. What wen
谁能解释一下?我想我正在做一些非常愚蠢的事情,并且急切地等待着启蒙。 我得到这个输出: phpversion() == 7.2.25-1+0~20191128.32+debian8~1.gbp108
我是一名优秀的程序员,十分优秀!