tensorflow 当我运行代码时,jupyter笔记本的内核一直死机

mbjcgjjk  于 2022-11-16  发布在  其他
关注(0)|答案(4)|浏览(206)

我通过this tutorial开始了深度学习的第一步,一切都很顺利,直到我需要在jupyter notebook中训练网络。我几乎尝试了所有的方法,但总是得到这个错误

The kernel appears to have died. It will restart automatically.

当我检查终端时,我可以看到这个

[I 18:32:24.897 NotebookApp] Adapting to protocol v5.1 for kernel 0d2f57af-46f5-419c-8c8e-9676c14dd9e3
2019-03-09 18:33:12.906756: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: SSE4.1 SSE4.2 AVX AVX2 FMA
2019-03-09 18:33:12.907661: I tensorflow/core/common_runtime/process_util.cc:69] Creating new thread pool with default inter op setting: 4. Tune using inter_op_parallelism_threads for best performance.
OMP: Error #15: Initializing libiomp5.dylib, but found libiomp5.dylib already initialized.
OMP: Hint: This means that multiple copies of the OpenMP runtime have been linked into the program. That is dangerous, since it can degrade performance or cause incorrect results. The best thing to do is to ensure that only a single OpenMP runtime is linked into the process, e.g. by avoiding static linking of the OpenMP runtime in any library. As an unsafe, unsupported, undocumented workaround you can set the environment variable KMP_DUPLICATE_LIB_OK=TRUE to allow the program to continue to execute, but that may cause crashes or silently produce incorrect results. For more information, please see http://www.intel.com/software/products/support/.
[I 18:33:13.864 NotebookApp] KernelRestarter: restarting kernel (1/5), keep random ports
WARNING:root:kernel 0d2f57af-46f5-419c-8c8e-9676c14dd9e3 restarted

我尝试运行的代码相当简单(即使对于刚刚开始深度学习的我来说)

import tensorflow as tf  

mnist = tf.keras.datasets.mnist  
(x_train, y_train),(x_test, y_test) = mnist.load_data()  

x_train = tf.keras.utils.normalize(x_train, axis=1)  
x_test = tf.keras.utils.normalize(x_test, axis=1) 

model = tf.keras.models.Sequential()  
model.add(tf.keras.layers.Flatten())  
model.add(tf.keras.layers.Dense(128, activation=tf.nn.relu))  
model.add(tf.keras.layers.Dense(128, activation=tf.nn.relu))  
model.add(tf.keras.layers.Dense(10, activation=tf.nn.softmax))  

model.compile(optimizer='adam',  
              loss='sparse_categorical_crossentropy',  
              metrics=['accuracy'])  

model.fit(x_train, y_train, epochs=3)  

val_loss, val_acc = model.evaluate(x_test, y_test)  
print(val_loss)  
print(val_acc)

我尝试了我的每一个想法,并经历了几乎所有相同的问题在谷歌上。

8e2ybdfx

8e2ybdfx1#

您下载了哪个版本的tensorflow?
从错误日志来看,似乎存在一些OpenMP库问题,我会尝试将Tensorflow重新安装到最新的稳定版本。
我不得不更新我tensorflow(1.13.1)安装程序以使代码正常工作,下面是我的输出。

WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/resource_variable_ops.py:435: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version.
Instructions for updating:
Colocations handled automatically by placer.
Epoch 1/3
60000/60000 [==============================] - 6s 94us/sample - loss: 0.2652 - acc: 0.9213
Epoch 2/3
60000/60000 [==============================] - 6s 95us/sample - loss: 0.1103 - acc: 0.9660
Epoch 3/3
60000/60000 [==============================] - 6s 100us/sample - loss: 0.0735 - acc: 0.9765
10000/10000 [==============================] - 0s 35us/sample - loss: 0.0875 - acc: 0.9731
0.08748154099322855
0.9731

根据所使用的库管理器,尝试升级
对于Pip和Python3:

pip3 install tensorflow --upgrade

对于Anaconda:

conda update tensorflow

然后运行

import tensorflow as tf
print(tf.__version__)

验证您是否拥有最新的可用

iqjalb3h

iqjalb3h2#

我尝试了多个线程中建议的多个选项-升级matplotlib,将matplotlib降级到2.x.x版本,将TensorFlow升级到1.13.1等。对我来说,即使是像下面这样的简单虚拟图也会因为“OMP:在Keras中调用拟合方法后,一旦遇到绘图方法,就会出现“错误#15”。

acc = [i for i in range(20) ]
epochs = range(1, len(acc) + 1)
loss = range(1, len(acc) + 1)
plt.plot(epochs, loss, 'bo', label='Training loss')

下面这个Post中的建议对我来说很有用。

conda install nomkl
fdbelqdn

fdbelqdn3#

你可以尝试在命令提示符下运行python3. m notebook(或者python3 -m notebook),然后尝试在内核中运行代码。

guicsvcw

guicsvcw4#

更新你的tensorflow包并重新启动你的机器。同时,确保你激活了一个内核,然后再次运行代码。这应该可以修复问题。
要使用pip升级tensorflow ,请使用以下命令
pip install tensorflow --upgrade
对于pip3,请使用
pip3 install tensorflow --upgrade
对于conda,使用
conda update tensorflow

相关问题