使用TensorFlow训练神经网络诊断新冠肺炎

在这篇文章中,将探讨如何利用Python的TensorFlow库在Jupyter Notebook中训练一个神经网络,用于诊断新冠肺炎(COVID-19)的胸部X光图像。将使用深度学习技术,特别是转移学习(Transfer Learning)和预训练的ResNet50模型。

所需工具和库

为了完成这个项目,需要以下工具和库:

  • IDE:Jupyter Notebook
  • 库:TensorFlow 2.0, Keras, NumPy, Matplotlib, OpenCV (CV2)

假设已经熟悉Python的深度学习以及Jupyter Notebook的使用。如果是Python的新手,可以从这个教程开始。如果还不熟悉Jupyter Notebook,可以从这里开始。

安装TensorFlow和其他库

在这个项目中,将使用Python 3.7和Jupyter Notebook。将使用TensorFlow2.0作为深度学习库来构建模型。要安装TensorFlow,请打开Anaconda并运行以下GPU CUDA命令:

conda create -n tf-gpu-cuda8 tensorflow-gpu cudatoolkit=10.0 conda activate tf-gpu-cuda8

要检查TensorFlow是否正确安装,打开Jupyter Notebook并输入:

import tensorflow as tf

如果没有错误,那么TensorFlow已经正确安装。

现在需要安装一些基本的库,比如NumPy和Matplotlib。打开Anaconda并输入以下命令:

conda install numpy conda install -c conda-forge matplotlib

打开Jupyter Notebook,添加这两个命令,并确保它们没有错误。

import numpy as np import matplotlib.pyplot as plt

一旦安装了所有需要的库,就可以将它们连同将在项目中使用的其他包一起导入:

import tensorflow as tf import numpy as np import matplotlib.pyplot as plt import random from keras.applications.imagenet_utils import preprocess_input from tensorflow.compat.v1 import ConfigProto, InteractiveSession config = ConfigProto() config.gpu_options.allow_growth = True session = InteractiveSession(config=config) from keras.models import Model from keras.applications import ResNet50 from keras.preprocessing.image import ImageDataGenerator

数据集

在开始编写网络代码之前,需要一组图像来训练和测试网络。在这个项目中,将使用公开的新冠肺炎胸部X光图像数据集。这个数据集包含三个类别的图像:新冠肺炎、正常和肺炎。将致力于分类新冠肺炎“阳性”和“阴性”图像;因此,只需要新冠肺炎和正常类别。因此,在下载数据集后,从中移除了肺炎类别。数据集包含1,143张COVID-19阳性图像和1,341张正常图像,冠状病毒阴性。

图像应该被下载并预处理以适应网络的输入格式——调整大小为224x224x3。可以使用TensorFlow的ImageDataGenerator来加载和调整图像大小。

加载预训练的ResNet50模型

首先,需要加载预训练的模型并冻结其权重。在项目中,将使用Keras内置的神经网络模型中的ResNet50作为预定义的网络架构,这些模型包括ResNet、Inception、GoogleNet等。

由于想要使用转移学习而不是从头开始,要求Keras加载一个已经在ImageNet图像上训练过的ResNet 50的副本。选项include_top=False允许通过移除最后密集层来提取特征。这有助于控制模型的输出和输入。

model = tf.keras.applications.ResNet50(weights='imagenet') base_model = tf.keras.applications.ResNet50(weights='imagenet', include_top=False)

然后可以显示网络层的名称和数量,以便在后续阶段轻松设置为可训练。

for i, layer in enumerate(base_model.layers): print(i, layer.name)

使用ImageDataGenerator加载数据

TensorFlow和Keras提供了一种简单的方式来使用ImageDataGenerator加载数据。这个函数允许预处理数据——调整大小、重新缩放和洗牌——所有操作都在一个操作中完成。

首先,调用预训练的ResNet50模型的预处理函数。

train_datagen = tf.keras.preprocessing.image.ImageDataGenerator(preprocessing_function=tf.keras.applications.resnet50.preprocess_input)

接下来,将从项目目录中收集训练和测试图像,并分别将它们存储在train_datagen和test_datagen目录中。

train_datagen = ImageDataGenerator(preprocessing_function = preprocess_input) test_datagen = ImageDataGenerator(preprocessing_function = preprocess_input) train_generator = train_datagen.flow_from_directory(r'C:\Users\abdul\Desktop\Research\Covid-19\COVDATA\train', target_size = (224, 224), color_mode = 'rgb', batch_size = 3, class_mode = 'binary', shuffle = True) test_generator = test_datagen.flow_from_directory(r'C:\Users\abdul\Desktop\Research\Covid-19\COVDATA\test', target_size = (224, 224), color_mode = 'rgb', batch_size = 3, class_mode = 'binary', shuffle = True)

请注意,上述函数包含了One-hot编码,它用于标记在这个项目中拥有的两个类别:新冠肺炎和正常。要检查图像的标签,请输入:

train_datagen.label

正如在代码中看到的,将图像大小调整为224x224x3以适应ResNet50的输入格式。使用了二进制类别模式,因为分类任务是一个二元任务;它只处理两个类别。

可视化数据图像

然后,可以可视化一些将用于训练网络的数据图像。可以使用OpenCV逐个显示图像,如下例所示:

imageformat = ".png" path = r'C:\Users\abdul\Desktop\ContentLab\ContentLab[Abdulkader_Helwan]\test2\COVID-19' imfilelist = [os.path.join(path, f) for f in os.listdir(path) if f.endswith(imageformat)] for el in imfilelist: print(el) image = cv2.imread(el, cv2.IMREAD_COLOR) cv2.imshow('Image', image) # Show the image cv2.waitKey(1000)
沪ICP备2024098111号-1
上海秋旦网络科技中心:上海市奉贤区金大公路8218号1幢 联系电话:17898875485