Auto Byte

专注未来出行及智能汽车科技

微信扫一扫获取更多资讯

Science AI

关注人工智能与其他前沿技术、基础学科的交叉研究与融合发展

微信扫一扫获取更多资讯

朱一辉、雪清、小鱼编译

目标检测必须要OpenCV?10行Python代码也能实现,亲测好用!

本文作者和他的团队构建了一个名为ImageAI 的Python库,集成了现今流行的深度学习框架和计算机视觉库。本文将手把手教你构建自己的第一个目标检测应用,而且文摘菌已经帮你踩过坑了,亲测有效!

无人超市、人脸识别、无人驾驶,众多的使用场景及案例,使得【目标检测】正成为计算机视觉最有前景的方向。

听起来似乎是个很难实现的技术,需要大量训练数据和算法才能完成。事实上,本文作者开发了一个基于Python的函数库,可以用十行代码高效实现目标检测。

还不熟悉的读者,我们先来看看,目标检测到底是什么,以及软件开发人员面临的挑战。

目标检测是借助于计算机和软件系统在图像/场景中,定位目标并识别出每个目标的类别的技术。目前已广泛用于人脸检测、车辆检测、行人计数、网络图像、安全系统和无人驾驶汽车等领域。随着计算机技术不断发展和软件开发人员的不懈努力,未来目标检测技术将更广泛的普及开来。

在应用程序和系统中使用先进的目标检测方法,以及基于这些方法构建新的应用程序并不容易。早期目标检测是基于经典算法而实现的,如 OpenCV(广受欢迎的计算机视觉库)所支持的一些算法。然而,这些经典算法的性能会因条件而受到限制。

2012年,深度学习领域取得众多突破,学者们提出了一系列全新、高精度的目标检测算法和方法,比如R-CNN, Fast-RCNN, Faster-RCNN, RetinaNet,以及既快又准的SSD和YOLO等。要使用这些基于深度学习的方法和算法(当然深度学习也是基于机器学习),需要对数学和深度学习框架有很深的理解。数百万的软件开发人员致力于整合目标检测技术进行新产品的开发。但是想要理解这项技术并加以使用,对非深度学习领域的程序员来说并不容易。

一位自学了计算机的开发者Moses Olafenwa在几个月前意识到了这个问题,并与同伴一起开发了一个名叫ImageAI的Python函数库。

ImageAI可以让程序员和软件开发者只用几行代码,就能轻易地把最先进的计算机视觉技术整合到他们现有的以及新的应用程序里面。

用ImageAI实现目标检测,你只需要以下步骤:

1. 安装Python

2. 安装ImageAI和相关函数库

3. 下载目标检测模型文件

4. 运行示例代码(只有10行)

准备工作

文摘菌测试环境为Windows 64位系统,Python版本为3.6。在大数据文摘后台回复“检测”可获取代码和模型文件~

1) 从Python官网下载并安装Python 3,并安装pip。

下载地址:

https://python.org

https://pip.pypa.io/en/stable/installing/

2)用pip安装下列依赖

找到Pyhthon安装目录下的Scripts文件夹,如C:\XXX \Python\Python36\Scripts,打开cmd命令窗口,依次输入下列安装命令即可。

1. Tensorflow:

pip install tensorflow

2.Numpy:

pip install numpy

3.SciPy

pip install scipy

4.OpenCV

pip install opencv-python

5.Pillow

pip install pillow

6.Matplotlib

pip install matplotlib

7. H5py

pip install h5py

8. Keras

pip install keras

9. ImageAI

pip install https://github.com/OlafenwaMoses/ImageAI/releases/download/2.0.1/imageai-2.0.1-py3-none-any.whl

注:在安装ImageAI时如果出现异常,可先下载.whl文件,并放在Scripts文件夹下,用下列命令进行安装:

pip install imageai-2.0.1-py3-none-any.whl

3) 下载用于目标检测的RetinaNet模型文件:

下载地址:

https://github.com/OlafenwaMoses/ImageAI/releases/download/1.0/resnet50_coco_best_v2.0.1.h5

准备工作到此结束,你可以写自己的第一个目标检测代码了。新建一个Python文件并命名(如FirstDetection.py),然后将下述代码写入此文件。接着将RetinaNet模型文件、FirstDetection.py和你想检测的图片放在同一路径下,并将图片命名为“image.jpg”。

下面是FirstDetection.py中的10行代码:

from imageai.Detection import ObjectDetection import os execution_path = os.getcwd() detector = ObjectDetection() detector.setModelTypeAsRetinaNet() detector.setModelPath( os.path.join(execution_path , "resnet50_coco_best_v2.0.1.h5")) detector.loadModel() detections = detector.detectObjectsFromImage(input_image=os.path.join(execution_path , "image.jpg"), output_image_path=os.path.join(execution_path , "imagenew.jpg")) for eachObject in detections: print(eachObject["name"] + " : " + eachObject["percentage_probability"] )

然后,双击FirstDetection.py运行代码,并稍等片刻,识别结果就会在控制台打印出来。一旦结果在控制台输出,在包含FirstDetection.py的文件夹里,你会发现一张新保存的图片,文件名为“imagenew.jpg”。

注:如果运行代码时出现下列异常:

则需要安装Numpy+MKL依赖,下载对应的.whl文件并放在Scripts文件夹下,用pip安装.whl文件即可。

下载地址:

https://www.lfd.uci.edu/~gohlke/pythonlibs/#numpy

检测结果

来看看下面这2张示例图片以及经过检测后保存的新图片。

检测前:

检测后:

检测结果:

person : 55.8402955532074

person : 53.21805477142334

person : 69.25139427185059

person : 76.41745209693909

bicycle : 80.30363917350769

person : 83.58567953109741

person : 89.06581997871399

truck : 63.10953497886658

person : 69.82483863830566

person : 77.11606621742249

bus : 98.00949096679688

truck : 84.02870297431946

car : 71.98476791381836

检测结果:

person : 71.10445499420166

person : 59.28672552108765

person : 59.61582064628601

person : 75.86382627487183

motorcycle : 60.1050078868866

bus : 99.39600229263306

car : 74.05484318733215

person : 67.31776595115662

person : 63.53200078010559

person : 78.2265305519104

person : 62.880998849868774

person : 72.93365597724915

person : 60.01397967338562

person : 81.05944991111755

motorcycle : 50.591760873794556

motorcycle : 58.719027042388916

person : 71.69321775436401

bicycle : 91.86570048332214

motorcycle : 85.38855314254761

文摘菌测试了另外几张图片,结果如下:

检测前:

检测后:

检测结果:

car : 59.04694199562073

car : 50.62631368637085

car : 71.59191966056824

car : 52.60368585586548

person : 76.51243805885315

car : 56.73831105232239

car : 50.02853870391846

car : 94.18612122535706

car : 70.23521065711975

car : 75.06842017173767

car : 87.21032738685608

car : 89.46954607963562

person : 73.89532923698425

bicycle : 90.31689763069153

bus : 65.3587281703949

竟然可以检测出牛……

检测结果:

person : 55.15214800834656

person : 62.79672980308533

person : 69.01599168777466

person : 67.26776957511902

person : 75.51649808883667

person : 52.9820442199707

person : 67.23594665527344

person : 69.77047920227051

person : 83.80664587020874

person : 61.785924434661865

person : 82.354336977005

person : 93.08169484138489

cow : 84.69656705856323

检测结果:

person : 65.07909297943115

person : 65.68368077278137

person : 68.6377465724945

person : 83.80006551742554

person : 85.69389581680298

person : 55.40691018104553

person : 56.62997364997864

person : 58.07020664215088

person : 70.90385556221008

person : 95.06895542144775

代码解释

下面我们来解释一下这10行代码的含义。

from imageai.Detection import ObjectDetection import os execution_path = os.getcwd()


上面3行代码中,第一行导入ImageAI的目标检测类,第二行导入Python的os类,第三行定义一个变量,用来保存Python文件、RetianNet模型文件和图片所在文件夹的路径。

detector = ObjectDetection() detector.setModelTypeAsRetinaNet() detector.setModelPath( os.path.join(execution_path , "resnet50_coco_best_v2.0.1.h5")) detector.loadModel() detections = detector.detectObjectsFromImage(input_image=os.path.join(execution_path , "image.jpg"), output_image_path=os.path.join(execution_path , "imagenew.jpg"))

上面5行代码中,第一行定义目标检测类,第二行将模型类型设置为RetinaNet,第三行将模型的路径设为RetinaNet模型文件所在路径,第四行将模型载入目标检测类,然后第五行调用检测函数,并解析输入图片和输出图片的路径。

for eachObject in detections: print(eachObject["name"] + " : " + eachObject["percentage_probability"] )

上面2行代码中,第一行迭代所有detector.detectObjectsFromImage函数返回的结果,然后,第二行打印出模型检测出的图片中每个目标的类型和概率。

ImageAI还支持配置目标检测过程中的其他功能。例如,将检测到的每个目标的图片单独提取出来。通过简单地把extract_detected_objects=True写入detectObjectsFromImage函数,目标检测类就会为图片对象集新建一个文件夹,然后提取出每个图片,将它们存入这个文件夹,并返回一个数组用来保存每个图片的路径,如下所示:

detections, extracted_images = detector.detectObjectsFromImage(input_image=os.path.join(execution_path , "image.jpg"), output_image_path=os.path.join(execution_path , "imagenew.jpg"), extract_detected_objects=True)

我们用第一个示例图片提取出来的检测结果如图所示:

参数配置

为了满足目标检测的生产需求,ImageAI提供了一些可配置的参数,包括:

Adjusting Minimum Probability(可调整最小概率阈值)

默认阈值为50%,如果检测结果的概率值低于50%,则不显示检测结果。你可以根据具体需求对该阈值进行修改。

Custom Objects Detection(自定义目标检测)

使用提供的CustomObject类,你可以让检测结果只显示特定类型的目标。

Detection Speeds(检测速度)

可以将检测速度设置为“fast”、“ faster”和“fastest”,以减少检测图片所需的时间。

Input Types(输入类型)

你可以解析并修改图像的文件路径,其中,Numpy数组,或是图片文件流都可以作为输入类型。

Output Types(输出类型)

你可以修改detectObjectsFromImage 函数的返回结果,例如返回图片文件或Numpy数组。

详细的说明文档在GitHub上,GitHub链接:

https://github.com/OlafenwaMoses/ImageAI

动手试试吧,欢迎在留言区分享~

相关报道:

https://towardsdatascience.com/object-detection-with-10-lines-of-code-d6cb4d86f606

大数据文摘
大数据文摘

秉承“普及数据思维,传播数据文化,助⼒产业发展”的企业⽂化,我们专注于数据领域的资讯、案例、技术,形成了“媒体+教育+⼈才服务”的良性⽣态,致⼒于打造精准数据科学社区。

入门Python目标检测实时目标检测
81
相关数据
深度学习技术

深度学习(deep learning)是机器学习的分支,是一种试图使用包含复杂结构或由多重非线性变换构成的多个处理层对数据进行高层抽象的算法。 深度学习是机器学习中一种基于对数据进行表征学习的算法,至今已有数种深度学习框架,如卷积神经网络和深度置信网络和递归神经网络等已被应用在计算机视觉、语音识别、自然语言处理、音频识别与生物信息学等领域并获取了极好的效果。

机器学习技术

机器学习是人工智能的一个分支,是一门多领域交叉学科,涉及概率论、统计学、逼近论、凸分析、计算复杂性理论等多门学科。机器学习理论主要是设计和分析一些让计算机可以自动“学习”的算法。因为学习算法中涉及了大量的统计学理论,机器学习与推断统计学联系尤为密切,也被称为统计学习理论。算法设计方面,机器学习理论关注可以实现的,行之有效的学习算法。

参数技术

在数学和统计学裡,参数(英语:parameter)是使用通用变量来建立函数和变量之间关系(当这种关系很难用方程来阐述时)的一个数量。

人脸识别技术

广义的人脸识别实际包括构建人脸识别系统的一系列相关技术,包括人脸图像采集、人脸定位、人脸识别预处理、身份确认以及身份查找等;而狭义的人脸识别特指通过人脸进行身份确认或者身份查找的技术或系统。 人脸识别是一项热门的计算机技术研究领域,它属于生物特征识别技术,是对生物体(一般特指人)本身的生物特征来区分生物体个体。

张量技术

张量是一个可用来表示在一些矢量、标量和其他张量之间的线性关系的多线性函数,这些线性关系的基本例子有内积、外积、线性映射以及笛卡儿积。其坐标在 维空间内,有 个分量的一种量,其中每个分量都是坐标的函数,而在坐标变换时,这些分量也依照某些规则作线性变换。称为该张量的秩或阶(与矩阵的秩和阶均无关系)。 在数学里,张量是一种几何实体,或者说广义上的“数量”。张量概念包括标量、矢量和线性算子。张量可以用坐标系统来表达,记作标量的数组,但它是定义为“不依赖于参照系的选择的”。张量在物理和工程学中很重要。例如在扩散张量成像中,表达器官对于水的在各个方向的微分透性的张量可以用来产生大脑的扫描图。工程上最重要的例子可能就是应力张量和应变张量了,它们都是二阶张量,对于一般线性材料他们之间的关系由一个四阶弹性张量来决定。

计算机视觉技术

计算机视觉(CV)是指机器感知环境的能力。这一技术类别中的经典任务有图像形成、图像处理、图像提取和图像的三维推理。目标识别和面部识别也是很重要的研究领域。

OpenCV技术

OpenCV的全称是Open Source Computer Vision Library,是一个跨平台的计算机视觉库。OpenCV是由英特尔公司发起并参与开发,以BSD许可证授权发行,可以在商业和研究领域中免费使用。OpenCV可用于开发实时的图像处理、计算机视觉以及模式识别程序。

推荐文章
报错: 2019-04-01 11:29:39.955190: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX AVX2 2019-04-01 11:29:40.140813: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1432] Found device 0 with properties: name: GeForce GTX 1080 major: 6 minor: 1 memoryClockRate(GHz): 1.7335 pciBusID: 0000:01:00.0 totalMemory: 8.00GiB freeMemory: 6.60GiB 2019-04-01 11:29:40.141295: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1511] Adding visible gpu devices: 0 2019-04-01 11:29:41.008179: I tensorflow/core/common_runtime/gpu/gpu_device.cc:982] Device interconnect StreamExecutor with strength 1 edge matrix: 2019-04-01 11:29:41.008358: I tensorflow/core/common_runtime/gpu/gpu_device.cc:988] 0 2019-04-01 11:29:41.008463: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1001] 0: N 2019-04-01 11:29:41.008659: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 6363 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1080, pci bus id: 0000:01:00.0, compute capability: 6.1) 2019-04-01 11:29:41.850006: E tensorflow/stream_executor/cuda/cuda_driver.cc:806] failed to allocate 6.21G (6672343296 bytes) from device: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:42.255753: E tensorflow/stream_executor/cuda/cuda_driver.cc:806] failed to allocate 5.59G (6005108736 bytes) from device: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:42.666377: E tensorflow/stream_executor/cuda/cuda_driver.cc:806] failed to allocate 5.03G (5404597760 bytes) from device: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.640343: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 134217728 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.640694: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 134217728 2019-04-01 11:29:43.643431: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 120796160 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.643938: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 120796160 2019-04-01 11:29:43.644934: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 108716544 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.645211: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 108716544 2019-04-01 11:29:43.646462: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 97844992 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.646728: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 97844992 2019-04-01 11:29:43.647039: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 88060672 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.647220: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 88060672 2019-04-01 11:29:43.647546: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 79254784 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.648103: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 79254784 2019-04-01 11:29:43.648374: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 71329536 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.648532: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 71329536 2019-04-01 11:29:43.648727: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 64196608 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.648896: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 64196608 2019-04-01 11:29:43.649096: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 57777152 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.649308: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 57777152 2019-04-01 11:29:43.649622: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 51999488 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.650226: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 51999488 2019-04-01 11:29:43.650555: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 46799616 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.650770: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 46799616 2019-04-01 11:29:43.651120: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 42119680 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.651305: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 42119680 2019-04-01 11:29:43.651609: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 37907712 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.652273: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 37907712 2019-04-01 11:29:43.652514: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 34117120 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.652810: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 34117120 2019-04-01 11:29:43.653294: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 30705408 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.653448: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 30705408 2019-04-01 11:29:43.653650: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 27634944 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.653826: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 27634944 2019-04-01 11:29:43.654039: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 24871680 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.654240: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 24871680 2019-04-01 11:29:43.654560: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 22384640 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.655197: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 22384640 2019-04-01 11:29:43.655491: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 20146176 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.655727: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 20146176 2019-04-01 11:29:43.656070: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 18131712 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.656258: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 18131712 2019-04-01 11:29:43.656528: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 16318720 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.657045: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 16318720 2019-04-01 11:29:43.657299: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 14686976 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.657533: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 14686976 2019-04-01 11:29:43.657762: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 13218304 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.657931: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 13218304 2019-04-01 11:29:43.658271: E tensorflow/stream_executor/cuda/cuda_driver.cc:868] failed to alloc 11896576 bytes on host: CUDA_ERROR_OUT_OF_MEMORY: out of memory 2019-04-01 11:29:43.658439: W .\tensorflow/core/common_runtime/gpu/cuda_host_allocator.h:44] could not allocate pinned host memory of size: 11896576