Note from Towards Data Science’s editors: While we allow independent authors to publish articles in accordance with our rules and guidelines, we do not endorse each author’s contribution. You should not rely on an author’s works without seeking professional advice. See our Reader Terms for details.

Towards Data Science编辑的注意事项: 尽管我们允许独立作者按照我们的 规则和指南 发表文章 ,但我们不认可每位作者的贡献。 您不应在未征求专业意见的情况下依赖作者的作品。 有关 详细信息, 请参见我们的 阅读器条款

In 2017, 2.56 million people died from pneumonia. About a third of those people were children less than 5 years old. The WHO estimated that 45,000 of these premature deaths were due to household air pollution. With more efficiency in the diagnostics, many of these deaths can be reduced.The goal of this project is to create various machine learning and deep learning models so that when optimized, can assist radiologists in detecting Pneumonia from Chest X-Rays.

2017年,有256万人死于肺炎。 这些人中约有三分之一是5岁以下的儿童。 世界卫生组织估计,这些过早死亡中有45,000是由于家庭空气污染所致。 通过提高诊断效率,可以减少许多此类死亡。该项目的目标是创建各种机器学习和深度学习模型,以便在进行优化时可以帮助放射科医生从胸部X射线检测肺炎。

环境与工具 (Environment and Tools)

Throughout this project, we will be using python, so it is recommended that you have editors such as Google Colaboratory that is compatible with it but also allows the use of certain python packages.

在整个项目中,我们将使用python,因此建议您使用兼容的编辑器,例如Google Colaboratory,但也允许使用某些python软件包。

We will be using python packages:

我们将使用python软件包:

  • Numpy脾气暴躁的
  • Pandas大熊猫
  • Tensorflow (Version 1.x)Tensorflow(版本1.x)
  • Sci-Kit Learn and KerasSci-Kit学习和Keras
  • Seaborn and MatplotlibSeaborn和Matplotlib

We will be using other packages to download files and helper functions that do not have to do with building the models. For a full list, check the code attached below.

我们将使用其他软件包来下载与构建模型无关的文件和帮助程序功能。 有关完整列表,请检查下面随附的代码。

项目和代码 (Project and Code)

Now that we got all the introduction out of the way, let’s get started.

现在我们已经完成了所有介绍,让我们开始吧。

We will begin by importing some key packages which we will be using throughout the project. We will also be downloading the data (in this case, images of Chest X-rays) for the project.

我们将从导入一些关键软件包开始,这些软件包将在整个项目中使用。 我们还将下载该项目的数据(在本例中为胸部X射线的图像)。

You can find the full code on Github here.

您可以在Github上找到完整的代码在这里 。

We have to analyze and become familiar with our data before we start building various models. Let’s download a file called “metadata” which gives us key information about our data. After that, we will create a data frame (essentially a table) using the pandas library, which will give info about the first five images in our dataset.

在开始构建各种模型之前,我们必须分析并熟悉我们的数据。 让我们下载一个名为“元数据”的文件,该文件为我们提供了有关数据的关键信息。 之后,我们将使用pandas库创建一个数据框(本质上是一个表),该库将提供有关数据集中前五个图像的信息。

Image by Author
图片作者

Each row in the table represents one image of a chest x-ray. You can see three columns: class, split, and index. Class is either 0 or a 1, 0 meaning that the lung is healthy, and 1 meaning that the lung has pneumonia. The index is a label for the image that tells us which image in the dataset we are looking at.

表格中的每一行代表一张胸部X射线图像。 您可以看到三列:类,拆分和索引。 Class为0或1,0表示肺部健康,而1表示肺部患有肺炎。 索引是图像的标签,它告诉我们正在查看的数据集中的图像。

In regards to split, when we are teaching the computer how to do something (in this case diagnose pneumonia), we have to train it, by giving the image with a label. However, we also have to test the computer by giving different images that the computer has not seen before, and letting the computer decide whether or not the lung has pneumonia. So, the split column describes whether the image is used to train the computer or test it. Below is a chart I made to help distinguish between the two.

关于分割,当我们教计算机如何做某事(在这种情况下,诊断为肺炎)时,我们必须通过给图像加上标签来对其进行训练。 但是,我们还必须通过提供计算机以前未见过的不同图像来测试计算机,然后让计算机确定肺部是否患有肺炎。 因此,拆分列描述了该图像是用于训练计算机还是对其进行测试。 下面是我制作的用于帮助区分两者的图表。

Image by author
图片作者

Now, make a graph and table of the info given to further classify how many images are in each class, and split. We will be using the pandas method “count” to display the table, and we will be using the seaborn “count plot” to display a graph that classifies the data.

现在,为给出的信息制作图表,以进一步分类每个类别中的图像数量并进行拆分。 我们将使用pandas方法“计数”来显示表格,并且将使用原始的“计数图”来显示对数据进行分类的图形。

Image by author
图片作者
Image by author
图片作者

As the charts show, 1200 lungs are healthy, and 1200 lungs have pneumonia. Within those 1200, a thousand will be used to train the model, and the other thousand will be used to test the model.

如图所示,有1200肺健康,而1200肺有肺炎。 在这1200个中,有1000个将用于训练模型,而其他1000个将用于测试模型。

Now that we fully understand which category our data is in, we can go ahead and plot some images, to view what the chest x-rays will look like.

既然我们完全了解了数据所在的类别,我们就可以继续绘制一些图像,以查看胸部X射线的外观。

Run this function, which allows you to plot images:

运行此功能,可以绘制图像:

From here you can call the function by running the code below. It downloads the training and testing data (from the functions we defined earlier) and will plot an image depending on an index (the number associated with the image. Notice the 1 on line 4). The “data” is the image while the “labels” section is the number 0 or 1 to say whether the patient has pneumonia or not.

在这里,您可以通过运行以下代码来调用该函数。 它下载训练和测试数据(从我们之前定义的功能中下载),并将根据索引(与图像关联的数字。请注意第4行的1)绘制图像。 “数据”是图像,而“标签”部分是数字0或1,表示患者是否患有肺炎。

I specifically chose one healthy image, and one with a lung that has pneumonia. Feel free to play around with the index to see other images.

我专门选择了一个健康的图像,一个肺部有肺炎的图像。 随意操作索引以查看其他图像。

The image on the left is a healthy lung, and the one on the right has pneumonia. Images by author
左图是健康的肺,右图是肺炎。 图片作者

简单的机器学习模型 (Simple Machine Learning Models)

Now that we finished examining and analyzing our data, we can go ahead and build some machine learning models. We will begin simple, using the K-nearest neighbours, and logistic regression classifiers.

现在我们完成了对数据的检查和分析,我们可以继续构建一些机器学习模型。 我们将使用K最近邻和逻辑回归分类器开始简单的工作。

K最近邻居 (K-Nearest Neighbours)

The key concept of K-nearest neighbours is that, when we see an unknown example, we will look at what the unknown is closest too, and predict that it is the same thing.

K近邻的关键概念是,当我们看到一个未知的示例时,我们还将查看未知的最接近的事物,并预测它是同一回事。

Image by author
图片作者

This diagram above shows the K-Nearest Neighbours Classifier. For example, if k=1, the (single) closest shape to the one in question is a circle. Thus, if k=1, the shape is a circle. However, if k=3, the 3 closest shapes to the one in question are 2 rectangles and 1 circle. So, if k=3, the shape is a rectangle.

上图显示了K最近邻分类器。 例如,如果k = 1,则最接近所讨论形状的(单个)形状是圆形。 因此,如果k = 1,则形状是圆形。 但是,如果k = 3,则最接近所讨论形状的3个形状是2个矩形和1个圆形。 因此,如果k = 3,则形状为矩形。

逻辑回归 (Logistic Regression)

Logistic Regression is used to predict probabilities that will later be turned into a category (0–1). In linear regression, the predicted y-value can exceed the 0–1 range (with the continuous straight line). However, in logistic regression, the predicted y-values can not exceed the 0–1 range because it is in the shape of an “s”. As an example, look at the diagram below.

Logistic回归用于预测概率,以后将其转换为类别(0-1)。 在线性回归中,预测的y值可以超过0–1范围(使用连续直线)。 但是,在逻辑回归中,预测的y值不能超过0–1范围,因为它的形状为“ s”。 例如,请看下面的图。

Public Domain公共领域的图片

It shows on the x-axis, the number of hours students were studying, and the y-axis shows whether or not they passed the exam (0 or 1). However, the logistic curve’s y-axis shows the probability of whether or not they passed the exam. As you can see, the curve predicts that people who study less will fail, rather than pass, and vice versa.

它在x轴上显示学生的学习时间,在y轴上显示他们是否通过了考试(0或1)。 但是,逻辑曲线的y轴显示它们是否通过考试的概率。 如您所见,曲线预测学习较少的人会失败而不是通过,反之亦然。

建立机器学习模型 (Building the Machine Learning Models)

We will be using the sci-kit learn library to build these models, specifically the KNeighborsClassifier and LogisticRegression methods.

我们将使用sci-kit学习库来构建这些模型,特别是KNeighborsClassifier和LogisticRegression方法。

The steps to build a machine learning model is to load the model, fit (or train) the model, use the model to predict whether a patient has pneumonia or not, and finally evaluate the model.

建立机器学习模型的步骤是加载模型,拟合(或训练)模型,使用模型预测患者是否患有肺炎,最后评估模型。

As you can see, in lines 6 and 7, we loaded or initiated the models. Then, on lines 10, and 11, we trained the models using the train data. For predictions, the models predicted what the test_labels were based on the test_data. This is why, to check the accuracy score, we were checking to see how our predictions were, based on the test_data.

如您所见,在第6和7行中,我们加载或启动了模型。 然后,在第10和11行,我们使用训练数据训练了模型。 为了进行预测,模型基于test_data预测了test_labels是什么。 这就是为什么要检查准确性分数,我们根据test_data检查我们的预测结果如何。

So, now we can run the model and check the accuracy scores. Note that you can improve the performance of the KNN classifier by just changing the number of neighbours.

因此,现在我们可以运行模型并检查准确性得分。 请注意,您只需更改邻居数即可提高KNN分类器的性能。

Accuracy Scores
准确性分数

It is obvious that the accuracy scores for these models were low. Thus, these are not the best models to use for this problem. So, we have to take a different approach to it.

显然,这些模型的准确性得分很低。 因此,这些不是解决此问题的最佳模型。 因此,我们必须采取不同的方法。

卷积神经网络 (Convolutional Neural Networks)

Convolutional Neural Networks are a specific type of neural networks, used to find patterns between images. I will briefly describe 3 key parts:

卷积神经网络是神经网络的一种特殊类型,用于查找图像之间的模式。 我将简要描述3个关键部分:

  1. Convolution卷积
  2. Pooling汇集
  3. Fully-Connected Layers全连接层

卷积 (Convolution)

A convolutional kernel is a matrix of weights, similar to the ones of a fully-connected layer. A convolutional kernel is applied to inputs by multiplying the weights elementwise with the corresponding pixel values in the image input. This will help sharpen the image.

卷积核是权重矩阵,类似于完全连接层的权重矩阵。 通过将权重逐元素乘以图像输入中的相应像素值,将卷积核应用于输入。 这将有助于锐化图像。

Public Domain公共领域的图片

汇集 (Pooling)

The convolution layer output is still too big for the neural network to make any predictions. We can reduce its size by pooling. It combines certain pixels from the convolution layer and combines them into a single one. Max pooling is one of the most common examples of pooling, where it divides the output into tiles, and takes the maximum of each.

卷积层输出对于神经网络来说仍然太大,无法做出任何预测。 我们可以通过合并来减小它的大小。 它合并了卷积层中的某些像素,并将它们合并为一个像素。 最大池化是最常见的池化示例之一,它将输出分成多个磁贴,并取每个磁贴的最大值。

Public Domain公共领域

完全连接的层 (Fully Connected Layers)

Fully connected layers connect each neuron in a single to every other neuron in the next layer. The last layer uses an activation function that outputs probabilities, such as softmax or sigmoid, which the computer will use to classify images.

完全连接的层将单个神经元连接到下一层中的每个其他神经元。 最后一层使用激活函数来输出概率,例如softmax或Sigmoid,计算机将使用这些概率对图像进行分类。

Public Domain公共领域

建立我们的卷积神经网络 (Building our Convolutional Neural Network)

We will be using the Keras library to build our model. Before you build your model, run these two functions, that will allow you to plot accuracy and loss.

我们将使用Keras库构建模型。 在构建模型之前,请运行以下两个函数,这些函数将允许您绘制准确性和损失。

So, now that we ran those functions, let’s build the model. There are key components that you must know, which are:

因此,既然我们已经运行了这些功能,我们就来构建模型。 您必须知道一些关键组件,它们是:

  • add(Conv2D()): The layer that performs convolution. It takes 3 arguments. The first is the number of times it performs the convolution, second is the dimensions of the convolution, and the third is the activation function. For the first layer, make sure to specify the input shape as well.

    add(Conv2D()) :执行卷积的图层。 它需要3个参数。 第一个是执行卷积的次数,第二个是卷积的维数,第三个是激活函数。 对于第一层,请确保也指定输入形状。

  • add(MaxPooling2D()): The layer that performs the max-pooling. It takes in 1 argument, which is the dimensions of the pixels that are combined.

    add(MaxPooling2D()):执行最大池化的层。 它接受1个参数,这是组合像素的尺寸。

  • add(Flatten()): Flattens the images into a one dimensional array.

    add(Flatten()):将图像展平为一维数组。

  • add(Dense()): Adds a fully-connected layer. It takes in two arguments, the number of neurons in the layer, and the activation function of that layer.

    add(Dense()):添加一个完全连接的层。 它接受两个参数,即该层中神经元的数量以及该层的激活功能。

  • add(Dropout(): Shuts off a certain amount of neurons, to reduce overfitting. Takes in one argument, usually a number between 0 and 1, which when converted to percents, is the percents of neurons from the previous layers that will be shut off.

    add(Dropout():关闭一定数量的神经元,以减少过度拟合。采用一个参数,通常为0到1之间的数字,当转换为百分比时,它是将关闭的上一层神经元的百分比。关。

  • Our activation function for every layer (except the output layer) will be ReLU. For our output layer, the activation function will be sigmoid which outputs probabilities of whether our patient has pneumonia or not.

    我们对每层(输出层除外)的激活函数将是ReLU 。 对于我们的输出层,激活函数将为S型 ,输出患者是否患有肺炎的概率。

  • Our loss will be binary_crossentropy, and we will use the optimizer, RMSprop, customized to a learning rate of 1e-4 and a decay of 1e-6.

    我们的损失将是binary_crossentropy ,我们将使用针对学习速率为1e-4且衰减为1e-6定制的优化器RMSprop

Great! Now that we built our model, let’s run it to see how well it did.

大! 现在我们已经建立了模型,让我们运行它来看看它做得如何。

Images by author
图片作者

You can see from the plots above, that our model did fairly well. However, it did not perform well enough for it to be used in a clinical setting. You can from here continue tinkering with the model to increase accuracy and decrease the loss. However, make sure to avoid overfitting (when the computer memorizes the training data, so it performs poorly on the testing data.

您可以从上面的图中看出,我们的模型做得很好。 但是,它不能很好地用于临床环境。 您可以从此处继续修改模型,以提高准确性并减少损失。 但是,请确保避免过度拟合(当计算机存储训练数据时,它在测试数据上的表现会很差。

如何阅读图表 (How to read the graph)

The x-axis shows the number of epochs. Whenever there are decimals on the x-axis, you can ignore it, because only full epochs are allowed (whole numbers). On the y-axis, you have the value you are measuring. It could be loss, accuracy, etc. The yellow line represents the training data, while the blue line represents the validation data. The green line represents the best epoch for that metric.

x轴显示历元数。 每当x轴上有小数位时,您都可以忽略它,因为只允许完整的纪元(整数)。 在y轴上,您具有要测量的值。 可能是损失,准确性等。黄线表示训练数据,而蓝线表示验证数据。 绿线代表该指标的最佳时期。

转移学习 (Transfer Learning)

For our transfer learning, we will be using VGG16. VGG16 is an “expert” model used during the “ImageNet” Classification Problem. In ImageNet, contestants were challenged to build models that can distinguish between 14 million image categories, where there were more than 20,000 categories available.

对于我们的迁移学习,我们将使用VGG16。 VGG16是在“ ImageNet”分类问题期间使用的“专家”模型。 在ImageNet中,参赛者面临的挑战是建立可区分1400万个图像类别的模型,其中有20,000多个类别可用。

VGG16 was allowed to study those 14 million images 74 times. It then was able to guess an image to the real label better than a human can.

VGG16被允许研究那1400万张图像74次。 然后,它能够比人类更好地猜测出具有真实标签的图像。

We are going to take VGG16 and let it train on our x-rays. Hopefully, their experience in the ImageNet Problem will assist in distinguishing pneumonia from our x-rays.

我们将采用VGG16,并对其进行X射线训练。 希望他们在ImageNet问题中的经验将有助于从我们的X射线中区分出肺炎。

The first line will download, VGG16’s Convolution algorithms. Then we will have to declare it as trainable, making sure we can train every layer, by utilizing a “for” loop. After that, we have to add and customize fully connected layers, as VGG16 contains fixed convolution layers.

第一行将下载VGG16的卷积算法。 然后,我们必须将其声明为可训练的,以确保我们可以利用“ for”循环来训练每个图层。 之后,我们必须添加和自定义完全连接的层,因为VGG16包含固定的卷积层。

Now, run it and let’s see how it performed!

现在,运行它,让我们看看它的性能!

As you can see, the performance of our model, with VGG16 significantly increased. You can also see that the model began to overfit after 1–2 epochs. This is because VGG16 is pre-trained, so that makes it more efficient and accurate, but at the same time, it can overfit easier.

如您所见,带有VGG16的模型的性能大大提高。 您还可以看到模型在1-2个时期后开始过拟合。 这是因为VGG16是经过预训练的,因此使其更有效,更准确,但是同时,过拟合也更容易。

结论 (Conclusion)

We started this project by analyzing the data we learned and learning how many images have pneumonia or are healthy. We also split the dataset into training data and testing data. Afterwards, we constructed simple machine learning models, that were able to make informed decisions based on the training that we applied to it. Finally, we built Convolutional Neural Networks to improve the accuracy and efficiency of the model. Afterwards, we used a pre-trained model as our transfer learning to further optimize our model. Now, I leave it to you. How can you continue to improve the model, so that it will be able to be used in medical practices? Maybe you can even run it on some field data and apply data augmentation.

我们通过分析我们获得的数据并了解有多少图像患有肺炎或健康来开始这个项目。 我们还将数据集分为训练数据和测试数据。 之后,我们构建了简单的机器学习模型,该模型能够根据我们所接受的训练做出明智的决策。 最后,我们构建了卷积神经网络以提高模型的准确性和效率。 之后,我们使用预先训练的模型作为转移学习,以进一步优化模型。 现在,我留给你。 您如何继续改进该模型,以便可以在医疗实践中使用它? 也许您甚至可以在某些现场数据上运行它并应用数据扩充。

[1] Anon, Classification (n.d.), Teachable

[1]匿名, 分类 (nd),可教

[2] Anon, Pneumonia (2019), World Health Organization

[2] Anon, 肺炎 (2019年),世界卫生组织

[2] B. Dadonaite, and M. Roser, Pneumonia (2019), Our World in Data

[2] B. Dadonaite和M. Roser,《 肺炎》 (2019年),《我们的数据世界》

[3] C. Archie, Chest X-rays Pneumonia Detection using Convolutional Neural Network (2020), Medium.com

[3] C. Archie, 使用卷积神经网络进行的胸部X射线肺炎检测 (2020年),Medium.com

[4] R. Prabhu, Understanding of Convolutional Neural Network (CNN) — Deep Learning (2018), Medium.com

[4] R. Prabhu,《 对卷积神经网络的理解-深度学习》 (2018年),Medium.com

Credit to Inspirit AI for teaching me about all the technical details and providing the dataset.

感谢Inspirit AI教给我有关所有技术细节并提供数据集的信息。

翻译自: https://towardsdatascience.com/detecting-pneumonia-from-chest-x-rays-with-deep-learning-6b83b4a77ee8


http://www.taodudu.cc/news/show-3480731.html

相关文章:

  • IDA官网发布的每周技巧1----IDA中较少知道的快捷键
  • Metabase的基本使用:10分钟快速入门
  • 【每周CV论文推荐】GAN在医学图像分割中的典型应用
  • IDA使用说明
  • iOS开发马甲包被拒
  • IDEA 自动导包无效,包被屏蔽
  • idea空包被折叠 idea包名不按级分层显示
  • hp服务器显示bmc rec,BmCREC被BmKinesin-1驱动的COPI包被小泡转运
  • 【奇奇怪怪】Maven 如何查找一个jar包被引入的位置
  • oracle 12c 报错 ora-03137 来自客户机的格式错误的TTC包被拒绝
  • Rockland ELISA试剂丨Rockland ELISA包被稳定剂方案
  • oracle包被锁,Oracle开发包被锁解决办法-终极办法
  • 面试官:如何防止你的 jar 包被反编译?
  • iOS审核马甲包被拒4.3的解决方案
  • 将自己的android工程打成jar包被别的工程引用
  • C++程序安装包被病毒篡改导致启动报错
  • android代码混淆时,如何防止第三方jar包被混淆导致程序出错
  • java jar防止反编译_防止Jar包被反编译
  • 链霉亲和素包被的荧光微球/二甲氨基磁珠,氨基磁珠,羧基磁珠,交联磁珠,光滑表面磁珠,聚苯乙烯磁性微球,磁珠,荧光微球玻片
  • 面试官:如何防止你的 jar 包被反编译
  • 查找maven中任意一个jar包被哪个包依赖
  • 教大家简单修改class,防止Jar包被反编译
  • B16细胞膜包覆负载阿霉素的碳点纳米团簇|血小板膜包被的上转换仿生纳米颗粒(NPs)
  • springboot项目打成公共jar包被其他项目单独引用(包含mybatis-plus)
  • 链霉亲和素包被的荧光微球/蓝色微球/磁珠
  • 细胞膜包被纳米粒(M-NPs)|双重细胞膜包裹负载siEFNA1蛋黄脂质纳米药物|生物膜包裹血管生长因子
  • 巨噬细胞膜包封的抗菌纳米颗粒|巨噬细胞膜包被乳腺癌靶向纳米粒(齐岳生物)
  • 多聚-L-赖氨酸包被载玻片poly-L-lysine coated slides
  • oracle 包 被锁,Oracle包被锁定的原因分析及解决方案
  • 表面抗体取向偶联聚苯乙烯微球ps的方法和原理/抗体包被荧光磁珠/中性亲和素包被的微球/链霉亲和素包被的磁珠

通过深度学习从胸部X射线检测肺炎相关推荐

  1. 基于深度学习的口罩识别与检测PyTorch实现

    基于深度学习的口罩识别与检测PyTorch实现 1. 设计思路 1.1 两阶段检测器:先检测人脸,然后将人脸进行分类,戴口罩与不戴口罩. 1.2 一阶段检测器:直接训练口罩检测器,训练样本为人脸的标注 ...

  2. 基于深度学习识别模型的缺陷检测

    根据读者反映,咱们的这个PCB素材设置的不对,应该是没有漆,铜线等等,应该是黑白的.额,具体我也知道,但没去过工厂,实在很难获得这些素材... 所以就当是一次瑕疵识别的实践,具体的数据集你可以自己定义 ...

  3. 【深度学习】深入浅出YOLOv3目标检测算法和实现(图片和视频)

    [深度学习]深入浅出YYOLOv3目标检测算法(图片和视频) 文章目录 1 概述 2 一个全卷积神经网络--Darknet-53 3 解释输出 4 代码实现4.1 导入项目4.2 执行脚本4.3 预测 ...

  4. 基于深度学习的安卓恶意应用检测----------android manfest.xml + run time opcode, use 深度置信网络(DBN)...

    基于深度学习的安卓恶意应用检测 from:http://www.xml-data.org/JSJYY/2017-6-1650.htm 苏志达, 祝跃飞, 刘龙     摘要: 针对传统安卓恶意程序检测 ...

  5. 深度学习在遥感图像目标检测中的应用综述

    深度学习在遥感图像目标检测中的应用综述 1 人工智能发展 1.1 发展历程 1.2 深度学习的应用 2 深度学习 2.1 机器学习概述 2.2 神经网络模型 2.3 深度学习 2.4 深度学习主要模型 ...

  6. 【网络流量识别】【深度学习】【三】CNN和LSTM—基于信息获取和深度学习的网络流量异常检测

    本文是北京大学陆祥林等人,2019年四月发表于ICISDM的一篇文章,收录于ACM网站. 文章题目:基于信息获取和深度学习的网络流量异常检测 原文网址:基于信息获取和深度学习的网络流量异常检测|201 ...

  7. 通过深度学习实现安全帽佩戴的检测

    北京 上海巡回站 | NVIDIA DLI深度学习培训 2018年1月26/1月12日 NVIDIA 深度学习学院 带你快速进入火热的DL领域 阅读全文                        ...

  8. 基于深度学习的日志数据异常检测

    基于深度学习的日志数据异常检测 数据对象 智能运维(AIOps)是通过机器学习等算法分析来自于多种运维工具和设备的大规模数据.智能运维的分析数据对象多源运维数据包括系统运行时数据和历史记录数据,历史记 ...

  9. 【深度学习前沿应用】目标检测

    [深度学习前沿应用]目标检测 作者简介:在校大学生一枚,华为云享专家,阿里云星级博主,腾云先锋(TDP)成员,云曦智划项目总负责人,全国高等学校计算机教学与产业实践资源建设专家委员会(TIPCC)志愿 ...

最新文章

  1. 5月15日直播预告:英飞凌AURIX™培训—图像处理、实车演示等热点问题
  2. 服务器系统摁c,如何系统有效学习c服务器开发
  3. 网页客服机器人_易聊AI客服机器人强大线索获取能力助力企业稳操胜券
  4. SharpReader的效率:支持meme聚合
  5. 并发请求数_nginx如何限制并发连接和请求数?
  6. RocketMQ的安装与启动
  7. unity 后台计时器实现
  8. 如何引入colorui
  9. 知道创宇获CNNVD年度优秀技术支撑单位及漏洞预警报送专项奖
  10. 适合初学者的 10 大机器学习项目
  11. python3 接口获取数据
  12. 爬虫goodreads数据_精通技术的读者正在设计自己更好的goodreads版本
  13. php 科学计数法 运算,php弱语言特性-计算科学计数法
  14. MEM/MBA 写作-论说文(03)立意 答案解析
  15. Unity 碰撞检测
  16. 通信原理学习笔记:通信系统
  17. 微机原理—可编程计数器/定时器8253概念详解
  18. 如何写好技术文档——来自Google十多年的文档经验
  19. linux迁移系统失败,Windows到Linux系统代码移植遇到的问题
  20. 纯CSS实现粉红爱心动画

热门文章

  1. Delphi源代码加密
  2. 【苹果相册推i】安装软件来软硬件支持内容
  3. 封装概念特点 跨包调用static关键字
  4. 安徽建筑大学计算机考研分数,安徽建筑大学2020考研复试分数线
  5. 支付宝五福集齐收益大预测
  6. IPhone屏幕录制工具Display Recorder使用教程
  7. http和https的区别https的连接方式
  8. Random随机小游戏 结合scanner
  9. US Domain Center 域名注册
  10. 辅助账余额表分区方案