python - 获取卷积算法失败。这可能是因为 cuDNN 初始化失败,

标签 python tensorflow keras

在 Tensorflow/Keras 中运行来自 https://github.com/pierluigiferrari/ssd_keras 的代码时,使用估算器:ssd300_evaluation。我收到此错误。

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.

这与 Unresolved 问题非常相似:Google Colab Error : Failed to get convolution algorithm.This is probably because cuDNN failed to initialize

关于我正在运行的问题:

python :3.6.4。

Tensorflow 版本:1.12.0。

Keras 版本:2.2.4。

CUDA:V10.0。

cuDNN:V7.4.1.5。

NVIDIA GeForce GTX 1080。

我也跑了:

import tensorflow as tf
with tf.device('/gpu:0'):
      a = tf.constant([1.0, 2.0, 3.0, 4.0, 5.0, 6.0], shape=[2, 3], name='a')
      b = tf.constant([1.0, 2.0, 3.0, 4.0, 5.0, 6.0], shape=[3, 2], name='b')
      c = tf.matmul(a, b)
with tf.Session() as sess:
print (sess.run(c))

没有错误或问题。

最简单的例子是:

 from keras import backend as K
 from keras.models import load_model
 from keras.optimizers import Adam
 from scipy.misc import imread
 import numpy as np
 from matplotlib import pyplot as plt

 from models.keras_ssd300 import ssd_300
 from keras_loss_function.keras_ssd_loss import SSDLoss
 from keras_layers.keras_layer_AnchorBoxes import AnchorBoxes
 from keras_layers.keras_layer_DecodeDetections import DecodeDetections
 from keras_layers.keras_layer_DecodeDetectionsFast import DecodeDetectionsFast
 from keras_layers.keras_layer_L2Normalization import L2Normalization
 from data_generator.object_detection_2d_data_generator import DataGenerator
 from eval_utils.average_precision_evaluator import Evaluator
 import tensorflow as tf
 %matplotlib inline
 import keras
 keras.__version__



 # Set a few configuration parameters.
 img_height = 300
 img_width = 300
 n_classes = 20
 model_mode = 'inference'


 K.clear_session() # Clear previous models from memory.

 model = ssd_300(image_size=(img_height, img_width, 3),
            n_classes=n_classes,
            mode=model_mode,
            l2_regularization=0.0005,
            scales=[0.1, 0.2, 0.37, 0.54, 0.71, 0.88, 1.05], # The scales 
 for MS COCO [0.07, 0.15, 0.33, 0.51, 0.69, 0.87, 1.05]
            aspect_ratios_per_layer=[[1.0, 2.0, 0.5],
                                     [1.0, 2.0, 0.5, 3.0, 1.0/3.0],
                                     [1.0, 2.0, 0.5, 3.0, 1.0/3.0],
                                     [1.0, 2.0, 0.5, 3.0, 1.0/3.0],
                                     [1.0, 2.0, 0.5],
                                     [1.0, 2.0, 0.5]],
            two_boxes_for_ar1=True,
            steps=[8, 16, 32, 64, 100, 300],
            offsets=[0.5, 0.5, 0.5, 0.5, 0.5, 0.5],
            clip_boxes=False,
            variances=[0.1, 0.1, 0.2, 0.2],
            normalize_coords=True,
            subtract_mean=[123, 117, 104],
            swap_channels=[2, 1, 0],
            confidence_thresh=0.01,
            iou_threshold=0.45,
            top_k=200,
            nms_max_output_size=400)

 # 2: Load the trained weights into the model.

 # TODO: Set the path of the trained weights.
 weights_path = 'C:/Users/USAgData/TF SSD 
 Keras/weights/VGG_VOC0712Plus_SSD_300x300_iter_240000.h5'

 model.load_weights(weights_path, by_name=True)

 # 3: Compile the model so that Keras won't complain the next time you load it.

 adam = Adam(lr=0.001, beta_1=0.9, beta_2=0.999, epsilon=1e-08, decay=0.0)

 ssd_loss = SSDLoss(neg_pos_ratio=3, alpha=1.0)

 model.compile(optimizer=adam, loss=ssd_loss.compute_loss)


dataset = DataGenerator()

# TODO: Set the paths to the dataset here.
dir= "C:/Users/USAgData/TF SSD Keras/VOC/VOCtest_06-Nov-2007/VOCdevkit/VOC2007/"
Pascal_VOC_dataset_images_dir = dir+ 'JPEGImages'
Pascal_VOC_dataset_annotations_dir = dir + 'Annotations/'
Pascal_VOC_dataset_image_set_filename = dir+'ImageSets/Main/test.txt'

# The XML parser needs to now what object class names to look for and in which order to map them to integers.
classes = ['background',
           'aeroplane', 'bicycle', 'bird', 'boat',
           'bottle', 'bus', 'car', 'cat',
           'chair', 'cow', 'diningtable', 'dog',
           'horse', 'motorbike', 'person', 'pottedplant',
           'sheep', 'sofa', 'train', 'tvmonitor']

dataset.parse_xml(images_dirs=[Pascal_VOC_dataset_images_dir],
                  image_set_filenames=[Pascal_VOC_dataset_image_set_filename],
                  annotations_dirs=[Pascal_VOC_dataset_annotations_dir],
                  classes=classes,
                  include_classes='all',
                  exclude_truncated=False,
                  exclude_difficult=False,
                  ret=False)



evaluator = Evaluator(model=model,
                      n_classes=n_classes,
                      data_generator=dataset,
                      model_mode=model_mode)



results = evaluator(img_height=img_height,
                    img_width=img_width,
                    batch_size=8,
                    data_generator_mode='resize',
                    round_confidences=False,
                    matching_iou_threshold=0.5,
                    border_pixels='include',
                    sorting_algorithm='quicksort',
                    average_precision_mode='sample',
                    num_recall_points=11,
                    ignore_neutral_boxes=True,
                    return_precisions=True,
                    return_recalls=True,
                    return_average_precisions=True,
                    verbose=True)

最佳答案

由于三种不同的原因和不同的解决方案,我看到了此错误消息:

1。你有缓存问题

我经常通过关闭我的 python 进程来解决这个错误,删除 ~/.nv 目录(在 linux 上,rm -rf ~/.nv),并重新启动 Python 进程。我不完全知道为什么会这样。它可能至少部分与第二个选项相关:

2。你内存不足

如果显卡 RAM 不足,也会出现此错误。对于 nvidia GPU,您可以使用 nvidia-smi 检查显卡内存使用情况。这将为您提供正在使用的 GPU RAM 的读数(如果您几乎达到极限,则类似于 6025MiB/6086MiB)以及正在使用 GPU RAM 的进程列表。

如果您的 RAM 已用完,则需要重新启动该进程(这应该会释放 RAM),然后采取占用内存较少的方法。一些选项是:

  • 减少批量大小
  • 使用更简单的模型
  • 使用更少的数据
  • 限制 TensorFlow GPU 内存分数:例如,以下内容将确保 TensorFlow 使用 <= 90% 的 RAM:
import keras
import tensorflow as tf

config = tf.ConfigProto()
config.gpu_options.per_process_gpu_memory_fraction = 0.9  # 0.6 sometimes works better for folks
keras.backend.tensorflow_backend.set_session(tf.Session(config=config))

如果不与上述项目一起使用,这可能会减慢您的模型评估速度,大概是因为必须换入和换出大数据集以适应您分配的少量内存。

第二种选择是让 TensorFlow 开始时只使用最少的内存,然后根据需要分配更多内存(已记录 here):

os.environ['TF_FORCE_GPU_ALLOW_GROWTH'] = 'true'

3。您的 CUDA、TensorFlow、NVIDIA 驱动程序等版本不兼容。

如果您从未使用过类似的模型,您没有用完 VRAM 并且您的缓存是干净的,我会返回并使用最佳可用安装设置 CUDA + TensorFlow指南 - 按照 https://www.tensorflow.org/install/gpu 上的说明进行操作,我取得了最大的成功。而不是 NVIDIA/CUDA 网站上的那些。 Lambda Stack也是一个不错的选择。

关于python - 获取卷积算法失败。这可能是因为 cuDNN 初始化失败,,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/53698035/

相关文章:

python - Jupyter 笔记本挂着 sklearn 返回?

python - 如何在 TrackerCSRT 上使用 setInitialMask?

python - Cartopy 中的风倒刺和矢量 - regrid_shape 问题

tensorflow - 如何在 Keras 中重新初始化现有模型的层权重?

python - Tensorflow 模型保存和加载

python - 自动填充 python 列表列表

python - 属性错误 : 'generator' object has no attribute 'next'

python - int()参数必须是字符串,类似字节的对象或数字,而不是 'NoneType'

deep-learning - 确定 CNN 中滤波器矩阵的值

python - 在 Amazon SageMaker 中进行预测之前预处理输入数据