Movatterモバイル変換


[0]ホーム

URL:


CN114821176A - A classification system for viral encephalitis on MR images of children's brains - Google Patents

A classification system for viral encephalitis on MR images of children's brains
Download PDF

Info

Publication number
CN114821176A
CN114821176ACN202210463034.9ACN202210463034ACN114821176ACN 114821176 ACN114821176 ACN 114821176ACN 202210463034 ACN202210463034 ACN 202210463034ACN 114821176 ACN114821176 ACN 114821176A
Authority
CN
China
Prior art keywords
model
classification
module
image
viral encephalitis
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Granted
Application number
CN202210463034.9A
Other languages
Chinese (zh)
Other versions
CN114821176B (en
Inventor
俞刚
黄坚
李委糠
沈忱
李竞
朱珠
齐国强
余卓
柴象飞
郭娜
张路
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
Zhejiang University ZJU
Original Assignee
Zhejiang University ZJU
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by Zhejiang University ZJUfiledCriticalZhejiang University ZJU
Priority to CN202210463034.9ApriorityCriticalpatent/CN114821176B/en
Publication of CN114821176ApublicationCriticalpatent/CN114821176A/en
Application grantedgrantedCritical
Publication of CN114821176BpublicationCriticalpatent/CN114821176B/en
Activelegal-statusCriticalCurrent
Anticipated expirationlegal-statusCritical

Links

Images

Classifications

Landscapes

Abstract

Translated fromChinese

一种儿童脑部MR图像病毒性脑炎分类系统,包括计算机存储器、计算机处理器以及存储在所述计算机存储器中并可在所述计算机处理器上执行的计算机程序,所述计算机存储器中存有训练好的分类模型,所述的分类模型采用改进的SE ResNet网络模型,共包含四个卷积部分,每个卷积部分由若干个子模块组构成,每个子模块组包含Inception子模块和SE Res子模块,最终通过全连接层获得最后的分类结果;所述计算机处理器执行所述计算机程序时实现以下步骤:将待分类的儿童脑部MR影像输入训练好的分类模型中,得到病毒性脑炎分类结果。利用本发明,可以提升模型对于不同维度特征的学习能力,大大提升儿童病毒性脑炎诊断的效率和准确率。

Figure 202210463034

A system for classifying viral encephalitis in children's brain MR images, comprising a computer memory, a computer processor, and a computer program stored in the computer memory and executable on the computer processor, wherein the computer memory stores The trained classification model adopts the improved SE ResNet network model, which includes four convolution parts in total, each convolution part is composed of several sub-module groups, and each sub-module group includes Inception sub-module and SE Res The sub-module finally obtains the final classification result through the fully connected layer; when the computer processor executes the computer program, the following steps are implemented: input the MR image of the child's brain to be classified into the trained classification model, and obtain the viral brain inflammation classification results. By using the present invention, the learning ability of the model for features of different dimensions can be improved, and the efficiency and accuracy of the diagnosis of children's viral encephalitis can be greatly improved.

Figure 202210463034

Description

Translated fromChinese
一种儿童脑部MR图像病毒性脑炎分类系统A classification system for viral encephalitis on MR images of children's brains

技术领域technical field

本发明属于医学人工智能领域,尤其是涉及一种儿童脑部MR图像病毒性脑炎分类系统。The invention belongs to the field of medical artificial intelligence, and in particular relates to a classification system for viral encephalitis in children's brain MR images.

背景技术Background technique

儿童脑炎是儿科一种较为常见的疾病。一般情况下,可通过临床症状、实验室检查,以及影像学和脑电图检测进行综合判断。若经确诊,患者需要在专业医生的指导下,进行针对性治疗。Encephalitis in children is a relatively common disease in pediatrics. In general, a comprehensive judgment can be made through clinical symptoms, laboratory tests, and imaging and EEG tests. If diagnosed, the patient needs targeted treatment under the guidance of a professional doctor.

目前医生诊断主要通过临床症状、实验室检查(脑脊液检查)、影像学和脑电图检测等方法进行检查,然而临床症状不太准确;影像学和脑电图检测则只有重症时才能肉眼观察到病变区域;脑脊液检查较准确,但耗时较长,且需要抽取脑脊液,对儿童造成创伤和痛苦。At present, doctors diagnose mainly through clinical symptoms, laboratory examinations (cerebrospinal fluid examination), imaging and EEG testing, etc. However, clinical symptoms are not very accurate; imaging and EEG testing can only be observed with the naked eye in severe cases Lesion area; CSF examination is more accurate, but it takes a long time, and needs to extract CSF, causing trauma and pain to children.

随着人工智能和深度学习的发展,在医学领域,很多研究者尝试使用智能算法对影像学数据脑电图数据进行自动识别。With the development of artificial intelligence and deep learning, in the medical field, many researchers try to use intelligent algorithms to automatically identify EEG data from imaging data.

如公开号为CN112561863A的中国专利文献公开了一种基于深度学习的粒细胞图片细粒度分类识别系统;包含定位模块和分类模块,其中定位模块利用Hourglass网络模型对输入的粒细胞图片进行特征提取,将粒细胞图片中的全部细胞分别进行定位,再将定位后的细胞裁剪出来,留下单个完整的细胞,并将全部裁剪出来的细胞进行尺寸归一化处理;分类模块采用构建的深度学习分类模型对定位模块定位出的粒细胞进行分类;辅助临床医生准确高效完成粒细胞分类识别计数任务,减小主观性带来的误差,减轻医生的工作量,辅助医生做出疾病判断;该系统能够有效解决非均衡数据下的细胞分类以及粒细胞间的细粒度分类,提升网络分类识别效果。For example, a Chinese patent document with publication number CN112561863A discloses a deep learning-based fine-grained classification and identification system for granulocyte pictures; it includes a positioning module and a classification module, wherein the positioning module uses the Hourglass network model to perform feature extraction on the input granulocyte pictures, All cells in the granulocyte image are positioned separately, and then the positioned cells are cut out, leaving a single complete cell, and all the cut cells are subjected to size normalization; the classification module adopts the deep learning classification constructed. The model classifies the granulocytes located by the positioning module; assists clinicians to accurately and efficiently complete the task of classifying, identifying and counting granulocytes, reducing errors caused by subjectivity, reducing the workload of doctors, and assisting doctors in making disease judgments; the system can It can effectively solve the cell classification under unbalanced data and the fine-grained classification between granulocytes, and improve the network classification and recognition effect.

公开号为CN112132808A的中国专利文献公开了一种基于常态模型学习的乳腺X线图像病变检测方法和装置。所述方法包括从乳腺X线图像中分割出乳腺区域;提取图像块,进行亮度归一化处理;选取一部分正常区域图像块作为训练集,输入到双重深度卷积神经网络模型进行训练,得到常态模型;从训练集中选取若干正常区域图像块作为模板,输入到常态模型,得到模板图像的特征向量;将测试集输入到常态模型,得到测试图像的特征向量;将模板图像和测试图像的特征向量输入到最近邻分类器执行一类分类,得到测试结果。The Chinese patent document with publication number CN112132808A discloses a method and device for detecting lesions in mammography images based on normal model learning. The method includes segmenting a breast region from a mammography image; extracting image blocks, and performing brightness normalization processing; selecting a part of normal region image blocks as a training set, and inputting them into a double-depth convolutional neural network model for training to obtain a normal state. model; select a number of normal area image blocks from the training set as templates, input them into the normal model to obtain the feature vector of the template image; input the test set into the normal model to obtain the feature vector of the test image; combine the template image and the feature vector of the test image Input to the nearest neighbor classifier to perform one-class classification and get the test result.

然而,对于儿童病毒性脑炎而言,影像学数据的显示的特征不明显,使用常规的深度学习方法,很难对儿童是否患有病毒性脑炎进行准确的诊断。However, for children with viral encephalitis, the characteristics of imaging data are not obvious. Using conventional deep learning methods, it is difficult to accurately diagnose whether children have viral encephalitis.

发明内容SUMMARY OF THE INVENTION

本发明提供了一种儿童脑部MR图像病毒性脑炎分类系统,可以在腰穿脑脊液检查、临床检查之外,只基于MR图像进行病毒性脑炎的诊断,具有较高的准确率。The invention provides a viral encephalitis classification system based on MR images of children's brains, which can diagnose viral encephalitis only based on MR images in addition to lumbar puncture and cerebrospinal fluid examination and clinical examination, and has high accuracy.

一种儿童脑部MR图像病毒性脑炎分类系统,包括计算机存储器、计算机处理器以及存储在所述计算机存储器中并可在所述计算机处理器上执行的计算机程序,所述计算机存储器中存有训练好的分类模型,所述的分类模型采用改进的SE ResNet网络模型,共包含四个卷积部分,每个卷积部分由若干个子模块组构成,每个子模块组包含Inception子模块和SE Res子模块,最终通过全连接层获得最后的分类结果;A system for classifying viral encephalitis in children's brain MR images, comprising a computer memory, a computer processor, and a computer program stored in the computer memory and executable on the computer processor, wherein the computer memory stores The trained classification model adopts the improved SE ResNet network model, which includes four convolution parts in total, each convolution part is composed of several sub-module groups, and each sub-module group includes Inception sub-module and SE Res sub-module, and finally obtain the final classification result through the fully connected layer;

其中,Inception子模块通过不同尺度的卷积来提升对不同大小的特征的学习能力;SE Res子模块包含SE和Res两部分,SE部分通过压缩-扩张通道数来提升模型对于有效特征的学习能力,Res部分通过跳跃连接对SE部分的输入特征矩阵X和输出特征矩阵

Figure BDA0003621019710000021
进行拼接,提升模型对于不同维度特征的学习能力;Among them, the Inception sub-module improves the learning ability of features of different sizes through convolution of different scales; the SE Res sub-module contains two parts, SE and Res, and the SE part improves the learning ability of the model for effective features by compressing-expanding the number of channels , the Res part connects the input feature matrix X and the output feature matrix of the SE part by skipping
Figure BDA0003621019710000021
Splicing to improve the learning ability of the model for features of different dimensions;

所述计算机处理器执行所述计算机程序时实现以下步骤:The computer processor implements the following steps when executing the computer program:

将待分类的儿童脑部MR影像输入训练好的分类模型中,得到病毒性脑炎分类结果。The MR images of the children's brains to be classified are input into the trained classification model, and the classification results of viral encephalitis are obtained.

进一步地,所述Inception子模块的结构如下:在获得上一层的数据输入X后,进入到多核卷积层Lincep,此层设计三个不同尺寸的卷积核以及一个池化核,即Cincep=[C1,C2,C3,P1];其中,C1,C2,C3的卷积核大小分别是1*1、3*3、5*5,P1的核大小为3*3;通过这些卷积核得到四个不同的特征

Figure BDA0003621019710000031
F=[F1,F2,F3,F4],然后将各特征进行拼接,最终得到多核卷积层Lincep的输出O=Concat(F1,F2,F3,F4)。Further, the structure of the Inception sub-module is as follows: after obtaining the data input X of the previous layer, it enters the multi-core convolution layer Lincep , which designs three convolution kernels of different sizes and a pooling kernel, namely Cincep =[C1 , C2 , C3 , P1 ]; wherein, the convolution kernel sizes of C1 , C2 , C3 are 1*1, 3*3, 5*5, respectively, and the kernel size of P1 The size is 3*3; four different features are obtained through these convolution kernels
Figure BDA0003621019710000031
F=[F1 , F2 , F3 , F4 ], and then splicing each feature to finally obtain the output O=Concat(F1 , F2 , F3 , F4 ) of the multi-kernel convolutional layerLincep .

SE Res子模块中,SE部分的结构如下:获取上一层的的输入数据X(c*w*h),其中c,w,h分别代表特征矩阵的通道数、宽、高;首先用1*1大小的全局池化层进行池化,获得池化后的特征矩阵F1=GobelPool(X),其大小为c*w*h;然后用1/16*c的通道数进行全连接卷积,获得F2=FC(F1),其大小为c/16*w*h;然后用c通道数的卷积层进行卷积,获得F3=FC(F2),其大小为c*1*1;然后用sigmoid激活函数进行归一化操作,将权重归一化到0-1之间,获得F4=Sigmoid(F3),其大小为c*1*1;最后用此结果对输入数据进行加权,获得

Figure BDA0003621019710000032
其大小为c*w*h。In the SE Res sub-module, the structure of the SE part is as follows: Obtain the input data X(c*w*h) of the previous layer, where c, w, and h represent the channel number, width, and height of the feature matrix respectively; first use 1 *1 size global pooling layer is pooled to obtain the pooled feature matrix F1 =GobelPool(X), whose size is c*w*h; then use 1/16*c number of channels for fully connected volume product, obtain F2 =FC(F1 ), whose size is c/16*w*h; then perform convolution with a convolutional layer with c channels to obtain F3 =FC(F2 ), whose size is c *1*1; then use the sigmoid activation function to normalize the weights between 0-1 to obtain F4 =Sigmoid(F3 ), whose size is c*1*1; finally use this The result weights the input data to obtain
Figure BDA0003621019710000032
Its size is c*w*h.

Res部分的结构如下:特征矩阵X(c*w*h)通过SE部分后得到

Figure BDA0003621019710000033
Figure BDA0003621019710000034
两者通道数都是c,通过跳跃连接将两个特征矩阵进行拼接,从而得到新的特征矩阵
Figure BDA0003621019710000035
其大小为2c*w*h。The structure of the Res part is as follows: The feature matrix X(c*w*h) is obtained after passing through the SE part
Figure BDA0003621019710000033
Figure BDA0003621019710000034
The number of both channels is c, and the two feature matrices are spliced through skip connection to obtain a new feature matrix
Figure BDA0003621019710000035
Its size is 2c*w*h.

所述分类模型的训练过程如下:The training process of the classification model is as follows:

(1)收集患有病毒性脑炎和正常儿童患者的T1W序列MR影像数据,对影像数据进行预处理;(1) Collect T1W sequence MR image data of patients with viral encephalitis and normal children, and preprocess the image data;

(2)将预处理后的影像数据划分为训练集、验证集和测试集;(2) Divide the preprocessed image data into training set, validation set and test set;

(3)将训练集送入到构建的分类模型中进行训练,利用验证集对分类模型的性能进行评估,根据评估的效果对模型的超参数进行调整,通过反复训练、验证,最终得到性能达标的分类模型。(3) Send the training set into the constructed classification model for training, use the validation set to evaluate the performance of the classification model, adjust the hyperparameters of the model according to the evaluation effect, and finally get the performance up to the standard through repeated training and verification. classification model.

步骤(1)中,所述的预处理包括对影像进行缩放,选取最大切片数作为标准,未达到此切片数的数据通过复制首尾切片进行补充,使各案例的输入数据保持一致;同时对影像进行尺度的归一化,并采用高斯滤波器滤除噪声。In step (1), the preprocessing includes scaling the image, selecting the maximum number of slices as a standard, and supplementing the data that does not reach this number of slices by copying the first and last slices, so that the input data of each case is consistent; The scale is normalized, and a Gaussian filter is used to filter out noise.

步骤(2)中,将预处理后的影像数据按7:1:2划分为训练集、验证集和测试集。In step (2), the preprocessed image data is divided into a training set, a validation set and a test set according to 7:1:2.

步骤(3)中,采用监督训练方法对分类模型进行训练。In step (3), a supervised training method is used to train the classification model.

与现有技术相比,本发明具有以下有益效果:Compared with the prior art, the present invention has the following beneficial effects:

1、本发明创新性地提出了利用儿童脑部MR图像对儿童是否患有病毒性脑炎进行判断,不再需要腰穿脑脊液检查,因而也无需进行手术,减少了儿童患者的痛苦,也极大地提升了诊断的效率。1. The present invention innovatively proposes to use MR images of children's brains to judge whether children suffer from viral encephalitis, which no longer requires lumbar puncture and cerebrospinal fluid examination, and therefore does not require surgery, which reduces the pain of children and greatly reduces the pain of children. Greatly improve the efficiency of diagnosis.

2、本发明中的分类模型采用改进的SE ResNet网络模型,在Inception网络模型的基础上加入了SE Res模块,Inception网络模型通过不同尺度的卷积来提升对不同大小的特征的学习能力,SE Res模块首先通过压缩-扩张通道数来提升模型对于有效特征的学习能力,然后通过跳跃连接提升模型对于不同维度特征的学习能力;大大提升了诊断的效率和准确率。2. The classification model in the present invention adopts the improved SE ResNet network model, and the SE Res module is added on the basis of the Inception network model. The Inception network model improves the learning ability of features of different sizes through convolution of different scales. The Res module first improves the learning ability of the model for effective features by compressing-expanding the number of channels, and then improves the learning ability of the model for features of different dimensions through skip connections, which greatly improves the efficiency and accuracy of diagnosis.

附图说明Description of drawings

图1为本发明一种儿童脑部MR图像病毒性脑炎分类系统的实施流程图;Fig. 1 is the implementation flow chart of a kind of child brain MR image viral encephalitis classification system of the present invention;

图2为本发明中分类模型的整体结构图;Fig. 2 is the overall structure diagram of the classification model in the present invention;

图3为分类模型中每个卷积部分的结构图;Fig. 3 is the structure diagram of each convolution part in the classification model;

图4为本发明分类模型中Inception子模块的网络结构示意图;Fig. 4 is the network structure schematic diagram of Inception submodule in the classification model of the present invention;

图5为本发明分类模型中SE Res子模块的网络结构图。FIG. 5 is a network structure diagram of the SE Res sub-module in the classification model of the present invention.

具体实施方式Detailed ways

下面结合附图和实施例对本发明做进一步详细描述,需要指出的是,以下所述实施例旨在便于对本发明的理解,而对其不起任何限定作用。The present invention will be further described in detail below with reference to the accompanying drawings and embodiments. It should be pointed out that the following embodiments are intended to facilitate the understanding of the present invention, but do not have any limiting effect on it.

一种儿童脑部MR图像病毒性脑炎分类系统,包括计算机存储器、计算机处理器以及存储在计算机存储器中并可在计算机处理器上执行的计算机程序,计算机存储器中存有训练好的分类模型。A system for classifying viral encephalitis in children's brain MR images includes a computer memory, a computer processor and a computer program stored in the computer memory and executable on the computer processor. The computer memory stores a trained classification model.

如图1所示,整个系统的实施流程如下:As shown in Figure 1, the implementation process of the entire system is as follows:

1、图像预处理1. Image preprocessing

收集患有病毒性脑炎和正常儿童T1W期MR影像数据,对影像进行缩放,因为每个案例扫描的MR切片数不一致,本方法选取最大切片数作为标准,未达到此切片数的数据通过复制首尾切片进行补充,使各案例的输入数据保持一致,也包括对影像进行尺度的归一化,采用高斯滤波器滤除噪声。The MR image data of patients with viral encephalitis and normal children at T1W stage were collected, and the images were scaled. Because the number of MR slices scanned in each case was inconsistent, this method selected the maximum number of slices as the standard, and the data that did not reach this number of slices were replicated The first and last slices are supplemented to keep the input data of each case consistent, and the scale of the image is also normalized, and the Gaussian filter is used to filter out the noise.

2、数据分组2. Data grouping

将70%的数据集作为训练集,10%的数据集作为验证集,20%的数据集作为测试集。Take 70% of the dataset as the training set, 10% as the validation set, and 20% as the test set.

3、模型构建3. Model building

构建分类模型,分类模型采用改进的SE ResNet网络模型,此网络是在Inception网络模型的基础上加入了SE Res模块。Inception网络模型通过不同尺度的卷积来提升对不同大小的特征的学习能力,SE Res模块首先通过压缩-扩张通道数来提升模型对于有效特征的学习能力,然后通过跳跃连接提升模型对于不同维度特征的学习能力。The classification model is constructed, and the classification model adopts the improved SE ResNet network model, which is based on the Inception network model and adds the SE Res module. The Inception network model improves the learning ability of features of different sizes through convolution of different scales. The SE Res module first improves the learning ability of the model for effective features by compressing-expanding the number of channels, and then improves the model for different dimensional features through skip connections. learning ability.

如图2和图3所示,模型共包含四个卷积块,卷积块1-卷积块4,每个卷积块由若干个子模块组构成,每个子模块组包含Inception子模块和SE Res子模块。As shown in Figure 2 and Figure 3, the model contains a total of four convolution blocks, convolution block 1-convolution block 4, each convolution block is composed of several sub-module groups, each sub-module group contains Inception sub-module and SE Res submodule.

Inception子模块的结构如图4所示,首先在通过Inception子模块获取不同尺度的特征。在获得上一层的数据输入X后,进入到多核卷积层Lincep,此层设计三个不同尺寸的卷积核以及一个池化核,即Cincep=[C1,C2,C3,P1],其中,C1,C2,C3的卷积核大小分别是1*1、3*3、5*5,P1的核大小为3*3。通过这些卷积核可以得到四个不同的特征

Figure BDA0003621019710000061
F=[F1,F2,F3,F4],然后将各特征进行拼接,最终得到多核卷积层Lincep的输出O=Concat(F1,F2,F3,F4)。The structure of the Inception sub-module is shown in Figure 4. First, the features of different scales are obtained through the Inception sub-module. After obtaining the data input X of the previous layer, enter the multi-kernel convolution layer Lincep , which designs three convolution kernels of different sizes and a pooling kernel, namely Cincep =[C1 ,C2 ,C3 , P1 ], where the convolution kernel sizes of C1 , C2 , and C3 are 1*1, 3*3, and 5*5, respectively, and the kernel size of P1 is 3*3. Four different features can be obtained through these convolution kernels
Figure BDA0003621019710000061
F=[F1 , F2 , F3 , F4 ], and then splicing each feature to finally obtain the output O=Concat(F1 , F2 , F3 , F4 ) of the multi-kernel convolutional layerLincep .

因为Inception子模块最终获取的特征数较多,为了提升计算速度和模型精度,本方法采用SE Res子模块对特征进行加权筛选。Because the Inception sub-module finally obtains a large number of features, in order to improve the calculation speed and model accuracy, this method uses the SE Res sub-module to weight the features.

SE Res子模块的结构如图5所示,SE Res子模块包含SE和Res两部分。SE部分中,获取上一层的输入数据X(c*w*h),其中c,w,h分别代表特征矩阵的通道数、宽、高。首先用1*1大小的全局池化层进行池化,获得池化后的特征矩阵F1=GobelPool(X),其大小为c*w*h,然后用1/16*c的通道数进行全连接卷积,获得F2=FC(F1),其大小为c/16*w*h,然后用c通道数的卷积层进行卷积,获得F3=FC(F2),其大小为c*1*1,然后用sigmoid激活函数进行归一化操作,将权重归一化到0-1之间,获得F4=Sigmoid(F3),其大小为c*1*1,最后用此结果对输入数据进行加权,获得

Figure BDA0003621019710000062
其大小为c*w*h。通过SE部分对各通道进行了加权,进而筛选出对结果有相关性的通道。Res部分中,特征矩阵X(c*w*h)通过SE模块后可得到
Figure BDA0003621019710000063
两者通道数都是c,将两个特征矩阵进行拼接,从而得到新的特征矩阵
Figure BDA0003621019710000064
其大小为2c*w*h。The structure of the SE Res sub-module is shown in Figure 5. The SE Res sub-module includes two parts, SE and Res. In the SE part, the input data X(c*w*h) of the previous layer is obtained, where c, w, and h represent the number of channels, width, and height of the feature matrix, respectively. First, use a global pooling layer ofsize 1*1 for pooling, and obtain the pooled feature matrix F1 =GobelPool(X), whose size is c*w*h, and then use 1/16*c of the number of channels to perform Fully connected convolution to obtain F2 =FC(F1 ), whose size is c/16*w*h, and then perform convolution with c-channel number of convolution layers to obtain F3 =FC(F2 ), which The size is c*1*1, and then the sigmoid activation function is used for normalization operation, and the weight is normalized between 0-1 to obtain F4 =Sigmoid(F3 ), and its size is c*1*1, Finally, weight the input data with this result to obtain
Figure BDA0003621019710000062
Its size is c*w*h. Each channel is weighted by the SE part, and then the channels that are relevant to the results are screened out. In the Res part, the feature matrix X(c*w*h) can be obtained after passing through the SE module
Figure BDA0003621019710000063
The number of channels for both is c, and the two feature matrices are spliced to obtain a new feature matrix
Figure BDA0003621019710000064
Its size is 2c*w*h.

最终模型通过全连接卷积层,得到输入案例是否为病毒性脑炎的概率。The final model obtains the probability of whether the input case is viral encephalitis through the fully connected convolutional layer.

4、模型训练和分类测试4. Model training and classification testing

分割模型训练时,将训练集送入到分类模型中;验证集对模型的超参数进行调整,使用优化器更新参数,对网络进行优化,对学习率进行自动调参,得到训练完成的分类网络;测试集用来估计学习过程完成之后的模型的泛化能力。When the segmentation model is trained, the training set is sent to the classification model; the validation set adjusts the hyperparameters of the model, uses the optimizer to update the parameters, optimizes the network, and automatically adjusts the learning rate to obtain the trained classification network. ; the test set is used to estimate the generalization ability of the model after the learning process is completed.

5、评估阶段5. Evaluation stage

在测试集上,对模型的分类效果进行评估:对分类任务的评估,需要计算每一类的精确率(Precision)和召回率(Recall)。每一类的精确率用正确分类到本类的案例(TruePositive,TP)除以所有分类到本类的案例数(TP+FP),当不属于本类的案例被模型分到本类时,计数为假阳性(False Positive,FP)。每一类的召回率正确分类到本类的案例(TruePositive,TP)除以本类的真实案例数(TP+TN),当属于本类的案例被模型分到其它类时,计数为假阴性(True Negative,TN)。最终智能脑炎诊断分类模型在测试集上的分类性能AUC进行评估,AU曲线是以假正率(FP_rate)和假负率(TP_rate)为轴的ROC(ReceiverOperating Characteristic)曲线下面的面积。On the test set, the classification effect of the model is evaluated: for the evaluation of the classification task, the precision and recall of each class need to be calculated. The accuracy of each class is divided by the number of cases correctly classified into this class (TruePositive, TP) by the number of cases classified into this class (TP+FP). When the cases that do not belong to this class are classified into this class by the model, The count is False Positive (FP). The recall rate of each class is correctly classified into this class of cases (TruePositive, TP) divided by the number of true cases in this class (TP+TN), when the cases belonging to this class are classified into other classes by the model, the count is false negative (True Negative, TN). The classification performance AUC of the final intelligent encephalitis diagnostic classification model on the test set is evaluated. The AU curve is the area under the ROC (ReceiverOperating Characteristic) curve with the false positive rate (FP_rate) and false negative rate (TP_rate) as the axes.

以上所述的实施例对本发明的技术方案和有益效果进行了详细说明,应理解的是以上所述仅为本发明的具体实施例,并不用于限制本发明,凡在本发明的原则范围内所做的任何修改、补充和等同替换,均应包含在本发明的保护范围之内。The above-mentioned embodiments describe the technical solutions and beneficial effects of the present invention in detail. It should be understood that the above-mentioned embodiments are only specific embodiments of the present invention and are not intended to limit the present invention. Any modifications, additions and equivalent replacements made shall be included within the protection scope of the present invention.

Claims (8)

Translated fromChinese
1.一种儿童脑部MR图像病毒性脑炎分类系统,包括计算机存储器、计算机处理器以及存储在所述计算机存储器中并可在所述计算机处理器上执行的计算机程序,其特征在于:1. a child brain MR image viral encephalitis classification system, comprises a computer memory, a computer processor and a computer program stored in the computer memory and can be executed on the computer processor, it is characterized in that:所述计算机存储器中存有训练好的分类模型,所述的分类模型采用改进的SE ResNet网络模型,共包含四个卷积部分,每个卷积部分由若干个子模块组构成,每个子模块组包含Inception子模块和SE Res子模块,最终通过全连接层获得最后的分类结果;There is a trained classification model in the computer memory, and the classification model adopts the improved SE ResNet network model, which includes four convolution parts in total, and each convolution part is composed of several sub-module groups, and each sub-module group is composed of several sub-module groups. Contains the Inception sub-module and the SE Res sub-module, and finally obtains the final classification result through the fully connected layer;其中,Inception子模块通过不同尺度的卷积来提升对不同大小的特征的学习能力;SERes子模块包含SE和Res两部分,SE部分通过压缩-扩张通道数来提升模型对于有效特征的学习能力,Res部分通过跳跃连接对SE部分的输入特征矩阵X和输出特征矩阵
Figure FDA0003621019700000012
进行拼接,提升模型对于不同维度特征的学习能力;Among them, the Inception sub-module improves the learning ability of features of different sizes through convolution of different scales; the SERes sub-module contains two parts, SE and Res. The SE part improves the learning ability of the model for effective features by compressing and expanding the number of channels. The Res part connects the input feature matrix X and the output feature matrix of the SE part by skip connection
Figure FDA0003621019700000012
Splicing to improve the learning ability of the model for features of different dimensions;所述计算机处理器执行所述计算机程序时实现以下步骤:The computer processor implements the following steps when executing the computer program:将待分类的儿童脑部MR影像输入训练好的分类模型中,得到病毒性脑炎分类结果。The MR images of the children's brains to be classified are input into the trained classification model, and the classification results of viral encephalitis are obtained.2.根据权利要求1所述的儿童脑部MR图像病毒性脑炎分类系统,其特征在于,所述Inception子模块的结构如下:2. child brain MR image viral encephalitis classification system according to claim 1, is characterized in that, the structure of described Inception submodule is as follows:在获得上一层的数据输入X后,进入到多核卷积层Lincep,此层设计三个不同尺寸的卷积核以及一个池化核,即Cincep=[C1,C2,C3,P1];其中,C1,C2,C3的卷积核大小分别是1*1、3*3、5*5,P1的核大小为3*3;通过这些卷积核得到四个不同的特征
Figure FDA0003621019700000011
然后将各特征进行拼接,最终得到多核卷积层Lincep的输出O=Concat(F1,F2,F3,F4)。
After obtaining the data input X of the previous layer, enter the multi-kernel convolution layer Lincep , which designs three convolution kernels of different sizes and a pooling kernel, namely Cincep =[C1 ,C2 ,C3 , P1 ]; wherein, the convolution kernel sizes of C1 , C2 , and C3 are 1*1, 3*3, and 5*5, respectively, and the kernel size of P1 is 3*3; four distinct features
Figure FDA0003621019700000011
Then each feature is spliced, and finally the output O=Concat(F1 , F2 , F3 , F4 ) of the multi-kernel convolutional layerLincep is obtained.
3.根据权利要求1所述的儿童脑部MR图像病毒性脑炎分类系统,其特征在于,SE Res子模块中,SE部分的结构如下:3. child brain MR image viral encephalitis classification system according to claim 1, is characterized in that, in SE Res submodule, the structure of SE part is as follows:获取上一层的的输入数据X(c*w*h),其中c,w,h分别代表特征矩阵的通道数、宽、高;首先用1*1大小的全局池化层进行池化,获得池化后的特征矩阵F1=GobelPool(X),其大小为c*w*h;然后用1/16*c的通道数进行全连接卷积,获得F2=FC(F1),其大小为c/16*w*h;然后用c通道数的卷积层进行卷积,获得F3=FC(F2),其大小为c*1*1;然后用sigmoid激活函数进行归一化操作,将权重归一化到0-1之间,获得F4=Sigmoid(F3),其大小为c*1*1;最后用此结果对输入数据进行加权,获得
Figure FDA0003621019700000021
其大小为c*w*h。
Obtain the input data X(c*w*h) of the previous layer, where c, w, and h represent the number of channels, width, and height of the feature matrix, respectively; first, use a global pooling layer of size 1*1 for pooling, Obtain the pooled feature matrix F1 =GobelPool(X), the size of which is c*w*h; then perform fully connected convolution with 1/16*c number of channels to obtain F2 =FC(F1 ), Its size is c/16*w*h; then convolve with a convolutional layer with c channels to obtain F3 =FC(F2 ), whose size is c*1*1; then use the sigmoid activation function to normalize Unification operation, normalize the weight to 0-1, obtain F4 =Sigmoid(F3 ), and its size is c*1*1; finally use this result to weight the input data, obtain
Figure FDA0003621019700000021
Its size is c*w*h.
4.根据权利要求1所述的儿童脑部MR图像病毒性脑炎分类系统,其特征在于,SE Res子模块中,Res部分的结构如下:4. The child brain MR image viral encephalitis classification system according to claim 1, is characterized in that, in SE Res submodule, the structure of Res part is as follows:特征矩阵X(c*w*h)通过SE部分后得到
Figure FDA0003621019700000022
两者通道数都是c,通过跳跃连接将两个特征矩阵进行拼接,从而得到新的特征矩阵
Figure FDA0003621019700000023
其大小为2c*w*h。
The characteristic matrix X(c*w*h) is obtained after passing through the SE part
Figure FDA0003621019700000022
The number of both channels is c, and the two feature matrices are spliced through skip connection to obtain a new feature matrix
Figure FDA0003621019700000023
Its size is 2c*w*h.
5.根据权利要求1所述的儿童脑部MR图像病毒性脑炎分类系统,其特征在于,所述分类模型的训练过程如下:5. child brain MR image viral encephalitis classification system according to claim 1, is characterized in that, the training process of described classification model is as follows:(1)收集患有病毒性脑炎和正常儿童患者的T1W序列MR影像数据,对影像数据进行预处理;(1) Collect T1W sequence MR image data of patients with viral encephalitis and normal children, and preprocess the image data;(2)将预处理后的影像数据划分为训练集、验证集和测试集;(2) Divide the preprocessed image data into training set, validation set and test set;(3)将训练集送入到构建的分类模型中进行训练,利用验证集对分类模型的性能进行评估,根据评估的效果对模型的超参数进行调整,通过反复训练、验证,最终得到性能达标的分类模型。(3) Send the training set into the constructed classification model for training, use the validation set to evaluate the performance of the classification model, adjust the hyperparameters of the model according to the evaluation effect, and finally get the performance up to the standard through repeated training and verification. classification model.6.根据权利要求5所述的儿童脑部MR图像病毒性脑炎分类系统,其特征在于,步骤(1)中,所述的预处理包括对影像进行缩放,选取最大切片数作为标准,未达到此切片数的数据通过复制首尾切片进行补充,使各案例的输入数据保持一致;同时对影像进行尺度的归一化,并采用高斯滤波器滤除噪声。6. The child brain MR image viral encephalitis classification system according to claim 5, characterized in that, in step (1), the preprocessing comprises scaling the image, selecting the maximum number of slices as a standard, and not The data reaching this number of slices is supplemented by duplicating the first and last slices to keep the input data of each case consistent; at the same time, the scale of the image is normalized, and a Gaussian filter is used to filter out noise.7.根据权利要求5所述的儿童脑部MR图像病毒性脑炎分类系统,其特征在于,步骤(2)中,将预处理后的影像数据按7:1:2划分为训练集、验证集和测试集。7. The child brain MR image viral encephalitis classification system according to claim 5, wherein in step (2), the preprocessed image data is divided into a training set, a verification set by 7:1:2 set and test set.8.根据权利要求5所述的儿童脑部MR图像病毒性脑炎分类系统,其特征在于,步骤(3)中,采用监督训练方法对分类模型进行训练。8 . The system for classifying viral encephalitis in children's brain MR images according to claim 5 , wherein in step (3), a supervised training method is used to train the classification model. 9 .
CN202210463034.9A2022-04-282022-04-28Viral encephalitis classification system for MR (magnetic resonance) images of children brainActiveCN114821176B (en)

Priority Applications (1)

Application NumberPriority DateFiling DateTitle
CN202210463034.9ACN114821176B (en)2022-04-282022-04-28Viral encephalitis classification system for MR (magnetic resonance) images of children brain

Applications Claiming Priority (1)

Application NumberPriority DateFiling DateTitle
CN202210463034.9ACN114821176B (en)2022-04-282022-04-28Viral encephalitis classification system for MR (magnetic resonance) images of children brain

Publications (2)

Publication NumberPublication Date
CN114821176Atrue CN114821176A (en)2022-07-29
CN114821176B CN114821176B (en)2022-11-01

Family

ID=82509353

Family Applications (1)

Application NumberTitlePriority DateFiling Date
CN202210463034.9AActiveCN114821176B (en)2022-04-282022-04-28Viral encephalitis classification system for MR (magnetic resonance) images of children brain

Country Status (1)

CountryLink
CN (1)CN114821176B (en)

Cited By (1)

* Cited by examiner, † Cited by third party
Publication numberPriority datePublication dateAssigneeTitle
CN116363438A (en)*2023-04-142023-06-30浙江大学 A multimodality-based classification system for childhood encephalitis

Citations (13)

* Cited by examiner, † Cited by third party
Publication numberPriority datePublication dateAssigneeTitle
EP0918458B1 (en)*1996-05-082006-12-27Meryl SquiresAntimicrobial treatment for herpes simplex virus and other infectious diseases
CN108171232A (en)*2017-11-152018-06-15中山大学The sorting technique of bacillary and viral children Streptococcus based on deep learning algorithm
CN108427920A (en)*2018-02-262018-08-21杭州电子科技大学A kind of land and sea border defense object detection method based on deep learning
CN109071610A (en)*2016-05-032018-12-21无微华斯生物科技有限公司Method and system for diagnosing and treating virus infection
US20200000362A1 (en)*2018-06-292020-01-02Mayo Foundation For Medical Education And ResearchSystems, methods, and media for automatically diagnosing intraductal papillary mucinous neosplasms using multi-modal magnetic resonance imaging data
CN110739070A (en)*2019-09-262020-01-31南京工业大学 A brain disease diagnosis method based on 3D convolutional neural network
CN111104961A (en)*2019-10-312020-05-05太原理工大学Method for classifying breast cancer based on improved MobileNet network
CN111223553A (en)*2020-01-032020-06-02大连理工大学 A two-stage deep transfer learning TCM tongue diagnosis model
CN111709446A (en)*2020-05-142020-09-25天津大学 X-ray chest X-ray classification device based on an improved densely connected network
CN111868080A (en)*2018-02-272020-10-30磨石肿瘤生物技术公司 Neoantigen identification using pan-allelic models
CN112116005A (en)*2020-09-182020-12-22推想医疗科技股份有限公司Training method and device of image classification model, storage medium and electronic equipment
CN112906748A (en)*2021-01-252021-06-04浙江大学12-lead ECG arrhythmia detection classification model construction method based on residual error network
WO2021216467A1 (en)*2020-04-202021-10-28The Regents Of The University Of CaliforniaA nano-enabled vaccination approach for coronavirus disease (covid-19) and other viral diseases

Patent Citations (13)

* Cited by examiner, † Cited by third party
Publication numberPriority datePublication dateAssigneeTitle
EP0918458B1 (en)*1996-05-082006-12-27Meryl SquiresAntimicrobial treatment for herpes simplex virus and other infectious diseases
CN109071610A (en)*2016-05-032018-12-21无微华斯生物科技有限公司Method and system for diagnosing and treating virus infection
CN108171232A (en)*2017-11-152018-06-15中山大学The sorting technique of bacillary and viral children Streptococcus based on deep learning algorithm
CN108427920A (en)*2018-02-262018-08-21杭州电子科技大学A kind of land and sea border defense object detection method based on deep learning
CN111868080A (en)*2018-02-272020-10-30磨石肿瘤生物技术公司 Neoantigen identification using pan-allelic models
US20200000362A1 (en)*2018-06-292020-01-02Mayo Foundation For Medical Education And ResearchSystems, methods, and media for automatically diagnosing intraductal papillary mucinous neosplasms using multi-modal magnetic resonance imaging data
CN110739070A (en)*2019-09-262020-01-31南京工业大学 A brain disease diagnosis method based on 3D convolutional neural network
CN111104961A (en)*2019-10-312020-05-05太原理工大学Method for classifying breast cancer based on improved MobileNet network
CN111223553A (en)*2020-01-032020-06-02大连理工大学 A two-stage deep transfer learning TCM tongue diagnosis model
WO2021216467A1 (en)*2020-04-202021-10-28The Regents Of The University Of CaliforniaA nano-enabled vaccination approach for coronavirus disease (covid-19) and other viral diseases
CN111709446A (en)*2020-05-142020-09-25天津大学 X-ray chest X-ray classification device based on an improved densely connected network
CN112116005A (en)*2020-09-182020-12-22推想医疗科技股份有限公司Training method and device of image classification model, storage medium and electronic equipment
CN112906748A (en)*2021-01-252021-06-04浙江大学12-lead ECG arrhythmia detection classification model construction method based on residual error network

Non-Patent Citations (4)

* Cited by examiner, † Cited by third party
Title
WENLI WU等: "《Differentiation of Glioma Mimicking Encephalitis and Encephalitis Using Multiparametric MR-Based Deep Learning》", 《FRONTIERS IN ONCOLOGY》*
吴蒙蒙 等: "《CT和MRI对小儿病毒性脑炎的诊断价值(80例)》", 《医疗装备》*
李哲明 等: "《基于人工智能技术的儿童慢病管理平台的研制与应用》", 《中国医疗设备》*
王佳 等: "《基于改进Inception-ResNet-v2的城市交通路面状态识别算法》", 《科学技术与工程》*

Cited By (2)

* Cited by examiner, † Cited by third party
Publication numberPriority datePublication dateAssigneeTitle
CN116363438A (en)*2023-04-142023-06-30浙江大学 A multimodality-based classification system for childhood encephalitis
CN116363438B (en)*2023-04-142023-09-15浙江大学 A multimodality-based classification system for childhood encephalitis

Also Published As

Publication numberPublication date
CN114821176B (en)2022-11-01

Similar Documents

PublicationPublication DateTitle
CN114926477B (en) A deep learning-based multimodal MRI image segmentation method for brain tumors
Alshazly et al.COVID-Nets: deep CNN architectures for detecting COVID-19 using chest CT scans
CN112950614B (en)Breast cancer pathological image classification method based on multi-scale cavity convolution
CN112465058A (en)Multi-modal medical image classification method under improved GoogLeNet neural network
CN116363438B (en) A multimodality-based classification system for childhood encephalitis
CN112784856A (en)Channel attention feature extraction method and identification method of chest X-ray image
CN114926396B (en)Mental disorder magnetic resonance image preliminary screening model construction method
CN111260639A (en)Multi-view information-collaborative breast benign and malignant tumor classification method
CN114418999A (en)Retinopathy detection system based on lesion attention pyramid convolution neural network
Bingol et al.Automatic classification of kidney CT images with relief based novel hybrid deep model
CN116843984A (en) GLTransNet: a mammography image classification and detection method that integrates global features
CN114821176B (en)Viral encephalitis classification system for MR (magnetic resonance) images of children brain
Hoteit et al.Breast Abnormalities' Classification Using Convolutional Neural Network
GhafoorCOVID-19 pneumonia level detection using deep learning algorithm
CN113066549A (en)Clinical effectiveness evaluation method and system of medical instrument based on artificial intelligence
CN114913169B (en) A screening system for neonatal necrotizing enterocolitis
CN115205599B (en) A multi-age classification system for children's chest radiograph pneumonia based on a domain generalization model
CN116403055A (en)Classification method for intracranial large blood vessel blockage recognition based on bilateral comparison difference information
Yumuş et al.Deep Convolutional Neural Networks Using SegNet for Automatic Spinal Canal Segmentation in Axial MRI
Vijaya et al.Classification of Pneumonia using InceptionNet, ResNet and CNN
Mao et al.A pneumonia classification accuracy enhancement scheme based on data augmentation, data preprocessing, and transfer learning
CN115240014B (en) Medical Image Classification System Based on Residual Neural Network
CN117197434B (en)Pulmonary medical image accurate identification method based on AMFNet network fusion model
CN119380077B (en) A multi-classification system for pediatric skin diseases based on improved ResNet
CN118097312B (en) Classification method of breast ultrasound images based on convolutional neural network and capsule network

Legal Events

DateCodeTitleDescription
PB01Publication
PB01Publication
SE01Entry into force of request for substantive examination
SE01Entry into force of request for substantive examination
GR01Patent grant
GR01Patent grant

[8]ページ先頭

©2009-2025 Movatter.jp