简体   繁体   English

CNN error Failed to get convolution algorithm.这可能是因为cuDNN初始化失败,

[英]CNN error Failed to get convolution algorithm.This is probably because cuDNN failed to initialize,

I try to train the CNN with mnist dataset,but i get this problem when i start training我尝试用 mnist 数据集训练 CNN,但是当我开始训练时遇到了这个问题

system information:系统信息:

linux version:ubuntu 16.04 linux 版本:ubuntu 16.04

cuda version:9.0 cuda版本:9.0

cudnn version:7.6.1 cudnn 版本:7.6.1

tensorflow-gpu version: 1.14.0 tensorflow-gpu 版本:1.14.0

code:代码:

train_history=model.fit(x=x_Train4D_normalize,y=y_TrainOneHot,validation_split=0.2,=10,batch_size=300,verbose=2)

error:错误:

UnknownError Traceback (most recent call last) in () 1 train_history=model.fit(x=x_Train4D_normalize, 2 y=y_TrainOneHot,validation_split=0.2, ----> 3 epochs=10,batch_size=300,verbose=2)

/home/e420/anaconda2/lib/python2.7/site-packages/keras/engine/training.pyc in fit(self, x, y, batch_size, epochs, verbose, callbacks, validation_split, validation_data, shuffle, class_weight, sample_weight, initial_epoch, steps_per_epoch, validation_steps, **kwargs) 1037 initial_epoch=initial_epoch, 1038 steps_per_epoch=steps_per_epoch, -> 1039 validation_steps=validation_steps) 1040 1041 def evaluate(self, x=None, y=None,

/home/e420/anaconda2/lib/python2.7/site-packages/keras/engine/training_arrays.pyc in fit_loop(model, f, ins, out_labels, batch_size, epochs, verbose, callbacks, val_f, val_ins, shuffle, callback_metrics, initial_epoch, steps_per_epoch, validation_steps) 197 ins_batch[i] = ins_batch[i].toarray() 198 --> 199 outs = f(ins_batch) 200 outs = to_list(outs) 201 for l, o in zip(out_labels, outs):

/home/e420/anaconda2/lib/python2.7/site-packages/keras/backend/tensorflow_backend.pyc in call(self, inputs) 2713 return self._legacy_call(inputs) 2714 -> 2715 return self._call(inputs) 2716 else: 2717 if py_any(is_tensor(x) for x in inputs):

/home/e420/anaconda2/lib/python2.7/site-packages/keras/backend/tensorflow_backend.pyc in _call(self, inputs) 2673 fetched = self._callable_fn(*array_vals, run_metadata=self.run_metadata) 2674 else: -> 2675 fetched = self._callable_fn(*array_vals) 2676 return fetched[:len(self.outputs)] 2677

/home/e420/.local/lib/python2.7/site-packages/tensorflow/python/client/session.pyc in call(self, *args, **kwargs) 1437 ret = tf_session.TF_SessionRunCallable( 1438 self._session._session, self._handle, args, status, -> 1439 run_metadata_ptr) 1440 if run_metadata: 1441 proto_data = tf_session.TF_GetBuffer(run_metadata_ptr)

/home/e420/.local/lib/python2.7/site-packages/tensorflow/python/framework/errors_impl.pyc in exit(self, type_arg, value_arg, traceback_arg) 526 None, None, 527 compat.as_text(c_api.TF_Message(self.status.status)), --> 528 c_api.TF_GetCode(self.status.status)) 529 # Delete the underlying status object from memory otherwise it stays alive 530 # as there is a reference to status from this from the traceback due to

UnknownError: 2 root error(s) found. (0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above. [[{{node conv2d_1/convolution}}]] (1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above. [[{{node conv2d_1/convolution}}]] [[loss/mul/_115]] 0 successful operations. 0 derived errors ignored.

Try to downgrade your tensorflow-gpu version, this error probably come from an incompatibility between the different versions.尝试降级您的tensorflow-gpu版本,此错误可能来自不同版本之间的不兼容。

pip uninstall tensorflow-gpu
pip install --upgrade tensorflow-gpu==1.8.0

暂无
暂无

声明:本站的技术帖子网页,遵循CC BY-SA 4.0协议,如果您需要转载,请注明本站网址或者原文地址。任何问题请咨询:yoyou2525@163.com.

相关问题 Google Colab 错误:无法获得卷积算法。这可能是因为 cuDNN 初始化失败 - Google Colab Error : Failed to get convolution algorithm.This is probably because cuDNN failed to initialize 获取卷积算法失败。这可能是因为cuDNN初始化失败。[{node conv2d_1/Conv2D}] - Failed to get convolution algorithm.This is probably because cuDNN failed to initialize.[{node conv2d_1/Conv2D}] 获取卷积算法失败。 这可能是因为 cuDNN 初始化失败, - Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, cuDNN 错误 无法获得卷积算法。 这可能是因为 cuDNN 初始化失败 - cuDNN Error Failed to get convolution algorithm. This is probably because cuDNN failed to initialize Tensorflow 错误。 获取卷积算法失败。 这可能是因为 cuDNN 未能初始化 - Tensorflow error. Failed to get convolution algorithm. This is probably because cuDNN failed to initialize 无法创建 cudnn 句柄:CUDNN_STATUS_ALLOC_FAILED,无法获得卷积算法。 这可能是因为 cuDNN 未能初始化 - Could not create cudnn handle: CUDNN_STATUS_ALLOC_FAILED , Failed to get convolution algorithm. This is probably because cuDNN failed to initialize (0) 未知:获取卷积算法失败。 这可能是因为 cuDNN 未能初始化 - (0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize CUDA Tensorflow 版本,nvidia-smi 版本问题。 获取卷积算法失败。 这可能是因为 cuDNN 初始化失败, - CUDA Tensorflow Version ,nvidia-smi version issue. Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, 获取卷积算法失败。 这可能是因为 cuDNN 初始化失败,所以尝试查看是否打印了警告日志消息 - Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed 我已经安装了 cudNN,但出现错误“无法获得卷积算法” - I've installed cudNN but error "Failed to get convolution algorithm' shows up
 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM