WO2022047613A1 - System and method for analyzing ad or mci or cn disease development trend by means of multi-modal modeling - Google Patents

System and method for analyzing ad or mci or cn disease development trend by means of multi-modal modeling Download PDF

Info

Publication number
WO2022047613A1
WO2022047613A1 PCT/CN2020/112799 CN2020112799W WO2022047613A1 WO 2022047613 A1 WO2022047613 A1 WO 2022047613A1 CN 2020112799 W CN2020112799 W CN 2020112799W WO 2022047613 A1 WO2022047613 A1 WO 2022047613A1
Authority
WO
WIPO (PCT)
Prior art keywords
model
data
mci
confidence level
individual
Prior art date
Application number
PCT/CN2020/112799
Other languages
French (fr)
Chinese (zh)
Inventor
朱帆
尚明生
陈琳
高高
Original Assignee
中国科学院重庆绿色智能技术研究院
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 中国科学院重庆绿色智能技术研究院 filed Critical 中国科学院重庆绿色智能技术研究院
Priority to CN202080064386.6A priority Critical patent/CN114449948A/en
Priority to PCT/CN2020/112799 priority patent/WO2022047613A1/en
Publication of WO2022047613A1 publication Critical patent/WO2022047613A1/en

Links

Images

Classifications

    • AHUMAN NECESSITIES
    • A61MEDICAL OR VETERINARY SCIENCE; HYGIENE
    • A61BDIAGNOSIS; SURGERY; IDENTIFICATION
    • A61B5/00Measuring for diagnostic purposes; Identification of persons
    • A61B5/05Detecting, measuring or recording for diagnosis by means of electric currents or magnetic fields; Measuring using microwaves or radio waves 
    • A61B5/055Detecting, measuring or recording for diagnosis by means of electric currents or magnetic fields; Measuring using microwaves or radio waves  involving electronic [EMR] or nuclear [NMR] magnetic resonance, e.g. magnetic resonance imaging

Definitions

  • the invention belongs to the field of computer application, and in particular relates to a system and an analysis method for multimodal modeling and analyzing the development trend of AD, MCI or CN.
  • the traditional method is to extract medical features from MRI images of subjects, including volume calculation of hippocampus, three-dimensional texture analysis and other methods.
  • the extracted characteristic clinical medical data and genetic data are combined to construct a classifier to realize the classification of AD, MCI and NC and the prediction of the changing trend of patients.
  • This method of manually extracting features tends to take a lot of time and is susceptible to the influence of subjective individuals.
  • methods using features extracted by neural networks perform better on many tasks. MRI images are modeled by convolutional neural networks, avoiding the need for manual feature extraction.
  • Convolutional neural network can analyze the spatial features of MRI images, and the deep structure of the network can explicitly use the spatial structure of brain images to gradually extract spatial features from low, medium and high levels for classification.
  • Recurrent neural networks enable longitudinal analysis of sequential MRI, modeling and measuring disease progression with images at multiple time points.
  • the features extracted by the deep neural network are also combined with clinical medical data and genetic data, or external features are directly added to the neural network for end-to-end learning.
  • the segmentation and registration methods based on deep learning are also gradually applied to the ROI extraction of MRI images. Both traditional methods and deep learning-based methods are of great significance for the early identification and prediction of Alzheimer's disease.
  • multimodal modeling combines the two, adding more prior information and external features, which can strengthen the generalization ability of the model to a certain extent.
  • the purpose of the present invention is to provide a multimodal analysis system for AD or MCI or CN disease development trend.
  • CN that is, cognitively normal, and it can be considered that the population in the CN stage is the normal elderly (healthy elderly); AD is Alzheimer's disease.
  • Said includes:
  • Model A composed of clinical medical data and apolipoprotein E data input module and nonlinear classifier
  • Model B composed of genomic data input module and nonlinear classifier
  • Model C composed of MRI data and convolutional neural network and recurrent neural network
  • Model D composed of the predicted value receiving module of the model A, the model B and the model C and the logistic regression model
  • the ADNI dataset provides the clinical medical data and the Apolipoprotein E data, the genomic data, the MRI data.
  • nonlinear classifier is a support vector machine.
  • model C further includes a pre-trained segmentation model and a logistic regression model for processing the MRI data.
  • the system is loaded on the terminal.
  • the terminals include fixed terminals and mobile terminals.
  • model A will predict a score_A based on the individual's clinical and APOE information
  • model B will predict a score_B based on the individual's genomic data
  • model C will predict a score_C based on MRI data
  • model D uses logistic regression , using score_A, score_B and score_C as features for training.
  • the input of model D has only three features, and the output is the confidence that the individual is a positive example.
  • sample A has only clinical data
  • sample B has only clinical and genetic data
  • sample C has only image data.
  • the samples with three complete data at the same time are only a small part. If only the samples with all complete data are used for modeling, If the number of samples is too small, the generalization ability of the model is poor and unconvincing. Therefore, we build three independent models, each of which has enough data support to ensure good generalization performance, and then use the scores of the three independent models as features and train a model with only 3 features as In the final model, although there are few samples with complete data, the number of features is only 3, and it is not easy to overfit.
  • the MMSE score of the individual at the current moment and the MMSE score of the individual after 24 months are provided.
  • a more generally accepted criterion is that the MMSE score of the individual drops by more than 3 after 24 months, and the individual is considered to be very likely. Converted to AD. The model actually predicts the probability of an individual's MMSE falling by more than 3 within 24 months.
  • the purpose of the present invention is to also provide the aforementioned method for systematically analyzing the development trend of individual CN or MCI disease.
  • the method includes the following steps:
  • the genomic data of the individual CN or MCI is input into the model B to predict the confidence level b1 that the sample CN or MCI is converted into AD;
  • the MRI data of the individual CN or MCI is input into the model C to predict the confidence level c1 that the sample CN or MCI is converted into AD;
  • the confidence level a1, the confidence level b1, and the confidence level c1 are used as input features, and the model D is used for training to obtain the confidence level g that the individual CN or MCI is converted into AD.
  • the individual CN or MCI may be converted into AD; if the confidence level g does not fall within the confidence level confidence, the individual CN or MCI is unlikely to convert to AD.
  • the MMSE score of the individual at the current moment and the MMSE score of the individual after 24 months are provided in the ADNI data set.
  • a more generally accepted criterion is that the MMSE score of the individual decreases by more than 3 after 24 months, and the individual is considered to be the individual. Most likely to convert to AD.
  • the model actually predicts the probability of an individual's MMSE falling by more than 3 within 24 months.
  • S1 or S2 standardization processing and histogram equalization processing are performed on the MRI image data to enhance the image contrast, and then a non-parametric non-uniform intensity normalization (N3) algorithm is used to correct the intensity inhomogeneity, and the skull is peeled off. Extract ROIs using a pretrained segmentation model.
  • N3 non-parametric non-uniform intensity normalization
  • the purpose of the present invention is to also provide an application of the aforementioned system in predicting the development trend of AD or MCI or CN disease of an individual.
  • the model A predicts the confidence A of the conversion of the MCI or CN into the AD according to clinical medical data and apolipoprotein E data; the model B predicts the conversion of the MCI or CN into the AD according to the genomic data. the confidence level B of the model C; the model C predicts the confidence level C of the conversion of the MCI or CN into the AD according to the MRI data; the confidence level A, the confidence level B and the confidence level C are used as input features using the The model D described above is trained.
  • the present invention models the MRI image through the convolutional neural network, and avoids manual feature extraction.
  • the present invention performs longitudinal analysis of sequential MRI through a recurrent neural network, and uses images to model and measure disease progression at multiple time points.
  • the present invention Based on the traditional method and the deep learning method, the present invention combines the two with multimodal modeling, adds more prior information and external features, and can strengthen the generalization ability of the model to a certain extent.
  • the genetic data and the image data in the present invention contain a lot of useful information, and the model accuracy and model generalization performance are effectively improved after adding the two kinds of data.
  • Figure 1 is a simplified flowchart of the multimodal analysis of the disease development trend of AD/MCI/CN patients.
  • FIG. 2 is a flowchart of processing an MRI image using a Convolutional Neural Network (CNN) and a Recurrent Neural Network (RNN).
  • CNN Convolutional Neural Network
  • RNN Recurrent Neural Network
  • the invention provides a multimodal analysis system for AD or MCI or CN disease development trend, comprising: a model A composed of a clinical medical data and apolipoprotein E (APOE) data input module and a nonlinear classifier; a genome data input module Model B composed of nonlinear classifiers; Model C composed of MRI data and Convolutional Neural Networks (CNN) and Recurrent Neural Networks (RNNs); ADNI datasets; ...consists of Model D.
  • APOE apolipoprotein E
  • Model B composed of nonlinear classifiers
  • Model C composed of MRI data and Convolutional Neural Networks (CNN) and Recurrent Neural Networks (RNNs)
  • ADNI datasets ...consists of Model D.
  • the nonlinear classifier is a support vector machine (SVM).
  • SVM support vector machine
  • the system also includes a pre-training model and a logistic regression model (softmax).
  • the clinical medical data and apolipoprotein E data of individual CN or MCI are input into model A to predict the confidence a1 that individual CN or MCI is converted into AD;
  • the genomic data of individual CN or MCI is input into model B to predict the confidence level b1 of the conversion of sample CN or MCI to AD;
  • the MRI data of individual CN or MCI is input into model C to predict the confidence level c1 that the sample CN or MCI is converted into AD;
  • the confidence level a1, confidence level b1 and confidence level c1 are used as input features, and model D is used to train the individual CN or MCI to convert the confidence level g of AD into AD.
  • the individual CN or MCI may be converted into AD;
  • the MRI image data is standardized and histogram equalized to enhance the image contrast, and then the non-parametric non-uniform intensity normalization (N3) algorithm is used to correct the intensity inhomogeneity, the skull is stripped, and the pre-trained segmentation model is used to extract ROI.
  • N3 non-parametric non-uniform intensity normalization
  • a convolutional neural network (CNN) and a recurrent neural network (RNN) are used, and the confidence level c of using MRI image data to predict that an individual is transformed into AD is specifically: (1) using a pre-training model to extract ROI; ( 2) Convolutional Neural Network (CNN) is used to extract spatial features; (3) Recurrent Neural Network (RNN) is used to extract temporal features; (4) Logistic regression model (softmax) is used for prediction.
  • ADNI dataset has a total of 980 samples
  • Model A uses these 850 samples as the training set, and the acc of 5-fold cross-validation is 0.79;
  • model B uses these 880 samples as the training set, and the acc of 5-fold cross-validation is 0.71;
  • the acc is only so low because the number of samples is too small. Compared with the previous scheme of merging a D model with the ABC model, the number of samples is almost reduced by half.

Landscapes

  • Health & Medical Sciences (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Physics & Mathematics (AREA)
  • Nuclear Medicine, Radiotherapy & Molecular Imaging (AREA)
  • Heart & Thoracic Surgery (AREA)
  • Medical Informatics (AREA)
  • Biophysics (AREA)
  • Pathology (AREA)
  • Engineering & Computer Science (AREA)
  • Biomedical Technology (AREA)
  • High Energy & Nuclear Physics (AREA)
  • Radiology & Medical Imaging (AREA)
  • Molecular Biology (AREA)
  • Surgery (AREA)
  • Animal Behavior & Ethology (AREA)
  • General Health & Medical Sciences (AREA)
  • Public Health (AREA)
  • Veterinary Medicine (AREA)
  • Magnetic Resonance Imaging Apparatus (AREA)
  • Image Analysis (AREA)

Abstract

The present invention belongs to the field of computer application, and particularly relates to a system and method for analyzing an AD or MCI or CN disease development trend by means of multi-modal modeling. The system comprises: a model A composed of clinical medicine data and an apolipoprotein E data input module and a non-linear classifier; a model B composed of a genomic data input module and a non-linear classifier; a model C composed of MRI data, a convolutional neural network and a recurrent neural network; an ADNI data set; and a model D composed of prediction value receiving modules of the model A, the model B and the model C, and a logistic regression model, wherein the ADNI data set provides the clinical medicine data, apolipoprotein E data, genomic data and the MRI data. On the basis of a traditional method and a deep learning method, by means of the present invention, the two methods are combined by means of multi-modal modeling, and more a priori information and external features are added, such that the generalization ability of a model can be enhanced to a certain extent.

Description

多模态分析AD或MCI或CN病情发展趋势的系统及分析方法System and analysis method for multimodal analysis of AD or MCI or CN disease development trend 技术领域technical field
本发明属于计算机应用领域,具体涉及一种多模态建模分析AD或MCI或CN病情发展趋势的系统及分析方法。The invention belongs to the field of computer application, and in particular relates to a system and an analysis method for multimodal modeling and analyzing the development trend of AD, MCI or CN.
背景技术Background technique
大多数现有的研究方法主要分为传统方法,基于深度学习和多模态的方法。传统方法是通过对受试者MRI图像进行医学特征提取,包括引入海马体的体积计算,三维纹理分析等方法。将提取得到的特征临床医学数据,遗传学数据相结合用于构建分类器,以实现AD,MCI和NC的分类和病人的变化趋势的预测。这种手动提取特征的方法往往会花费大量的时间,并且容易受到主观个体的影响。随着深度学习技术的不断发展,利用神经网络提取的特征的方法在众多任务上表现较好。通过卷积神经网络对MRI图像进行建模,避免了手动提取特征。卷积神经网络可以对MRI的图像的空间特征进行分析,网络的深层结构可以明确地利用大脑图像的空间结构,逐步从低、中、高层次提取空间特征用于分类。循环神经网络可以对序列MRI进行纵向分析,在多个时间点用图像对疾病进展进行建模和测量。最后将深度神经网络提取得到的特征同样与临床医学数据和遗传学数据进行结合,或者直接将外部特征加入到神经网络中进行端到端学习。除此之外,由于对整个MRI图像进行特征提取过于复杂,且伴有大量的噪声,基于深度学习的分割和配准的方法也逐渐地应用于MRI图像的ROI提取中。无论传统方法和基于深度学习的方法,都对阿尔兹海默症的早期识别和预测具有重要意义。在传统方法和深度学习的方法基础上,多模态建模将两者进行结合,加入了更多的先验信息和外部特征,在一定程度上能够加强模型 的泛化能力。Most of the existing research methods are mainly divided into traditional methods, deep learning based and multimodal methods. The traditional method is to extract medical features from MRI images of subjects, including volume calculation of hippocampus, three-dimensional texture analysis and other methods. The extracted characteristic clinical medical data and genetic data are combined to construct a classifier to realize the classification of AD, MCI and NC and the prediction of the changing trend of patients. This method of manually extracting features tends to take a lot of time and is susceptible to the influence of subjective individuals. With the continuous development of deep learning technology, methods using features extracted by neural networks perform better on many tasks. MRI images are modeled by convolutional neural networks, avoiding the need for manual feature extraction. Convolutional neural network can analyze the spatial features of MRI images, and the deep structure of the network can explicitly use the spatial structure of brain images to gradually extract spatial features from low, medium and high levels for classification. Recurrent neural networks enable longitudinal analysis of sequential MRI, modeling and measuring disease progression with images at multiple time points. Finally, the features extracted by the deep neural network are also combined with clinical medical data and genetic data, or external features are directly added to the neural network for end-to-end learning. In addition, since the feature extraction of the entire MRI image is too complicated and accompanied by a large amount of noise, the segmentation and registration methods based on deep learning are also gradually applied to the ROI extraction of MRI images. Both traditional methods and deep learning-based methods are of great significance for the early identification and prediction of Alzheimer's disease. On the basis of traditional methods and deep learning methods, multimodal modeling combines the two, adding more prior information and external features, which can strengthen the generalization ability of the model to a certain extent.
发明内容SUMMARY OF THE INVENTION
本发明目的在于提供一种多模态分析AD或MCI或CN病情发展趋势的系统。The purpose of the present invention is to provide a multimodal analysis system for AD or MCI or CN disease development trend.
具体地,CN:即认知正常,可以认为处于CN阶段的人群是正常的老年人(健康老年人);AD为阿尔茨海默病。Specifically, CN: that is, cognitively normal, and it can be considered that the population in the CN stage is the normal elderly (healthy elderly); AD is Alzheimer's disease.
所述包括:Said includes:
临床医学数据和载脂蛋白E数据输入模块与非线性分类器构成的模型A;Model A composed of clinical medical data and apolipoprotein E data input module and nonlinear classifier;
基因组数据输入模块与非线性分类器构成的模型B;Model B composed of genomic data input module and nonlinear classifier;
MRI数据与卷积神经网络和循环神经网络构成的模型C;Model C composed of MRI data and convolutional neural network and recurrent neural network;
ADNI数据集;ADNI dataset;
所述模型A和所述模型B和所述模型C的预测值接收模块与逻辑回归模型构成的模型D;Model D composed of the predicted value receiving module of the model A, the model B and the model C and the logistic regression model;
所述ADNI数据集提供所述临床医学数据和所述载脂蛋白E数据、所述基因组数据、所述MRI数据。The ADNI dataset provides the clinical medical data and the Apolipoprotein E data, the genomic data, the MRI data.
进一步,所述非线性分类器为支持向量机。Further, the nonlinear classifier is a support vector machine.
进一步,所述模型C还包括预训练的分割模型和逻辑回归模型用于处理所述MRI数据。Further, the model C further includes a pre-trained segmentation model and a logistic regression model for processing the MRI data.
进一步,所述系统装载于终端。Further, the system is loaded on the terminal.
进一步,所述终端包括固定终端和移动终端。Further, the terminals include fixed terminals and mobile terminals.
具体地,模型A会根据个体的临床和APOE信息预测出一个分数score_A;模型B会根据个体的基因组数据预测出一个分数score_B;模型C会根据MRI数据预测出一个分数score_C;模型D选用逻辑回归,用score_A、score_B和score_C作为特征来进行训练。模型D的输入只有三个 特征,输出是该个体属于正例的置信度。Specifically, model A will predict a score_A based on the individual's clinical and APOE information; model B will predict a score_B based on the individual's genomic data; model C will predict a score_C based on MRI data; model D uses logistic regression , using score_A, score_B and score_C as features for training. The input of model D has only three features, and the output is the confidence that the individual is a positive example.
ADNI数据集甚至于大多数数据集并没有统计到个体的全部信息。比如样本A只有临床数据,样本B只有临床和遗传数据,样本C又只有图像数据,同时拥有三种完整数据的样本仅仅是很小一部分,如果仅仅把拥有所有完整数据的样本拿来建模,则样本数太少导致模型泛化能力差并且没有说服力。因此我们建立三个独立的模型,每个独立的模型都有足够的数据量支撑可以保证不错的泛化性能,然后将三个独立的模型的评分作为特征再训练一个只有3个特征的模型作为最终模型,具有完整数据的样本虽然很少,但特征数目只有3个,也不容易过拟合。ADNI dataset and even most datasets do not have all the information of individuals. For example, sample A has only clinical data, sample B has only clinical and genetic data, and sample C has only image data. The samples with three complete data at the same time are only a small part. If only the samples with all complete data are used for modeling, If the number of samples is too small, the generalization ability of the model is poor and unconvincing. Therefore, we build three independent models, each of which has enough data support to ensure good generalization performance, and then use the scores of the three independent models as features and train a model with only 3 features as In the final model, although there are few samples with complete data, the number of features is only 3, and it is not easy to overfit.
举例说明:假设ADNI数据集中一共收集了2000个个体的数据,但其中同时拥有临床、基因和图像信息的个体只有400个,如果只用一个模型建模,那我们的数据集就只有400个样本,数据量太小。但是这2000个个体中,有1800个人拥有完整临床和APOE数据,1200个拥有完整基因数据,800个拥有完整图像数据,因此我们可以用三个独立的模型去1800,1200,800个人建模,这样每个模型的数据量能大幅提升,然后将这三个独立模型的评分作为特征送入模型D中进行训练,由于只有三个特征,几乎不会出现明显的过拟合。For example: Suppose the data of 2000 individuals are collected in the ADNI dataset, but there are only 400 individuals with clinical, genetic and image information at the same time. If only one model is used for modeling, then our dataset has only 400 samples , the amount of data is too small. But among these 2000 individuals, 1800 have complete clinical and APOE data, 1200 have complete genetic data, and 800 have complete image data, so we can use three independent models to model 1800, 1200, 800 individuals, In this way, the data volume of each model can be greatly increased, and then the scores of these three independent models are sent to model D as features for training. Since there are only three features, there is almost no obvious overfitting.
在ADNI数据集中提供了当前时刻个体的MMSE评分以及24个月之后的该个体的MMSE评分,一个比较公认的判断准则是24个月之后个体的MMSE分数下降超过3,就认为该个体极大可能转化成AD。所述模型实际上就是在预测个体24个月之内MMSE下降超过3的概率。In the ADNI dataset, the MMSE score of the individual at the current moment and the MMSE score of the individual after 24 months are provided. A more generally accepted criterion is that the MMSE score of the individual drops by more than 3 after 24 months, and the individual is considered to be very likely. Converted to AD. The model actually predicts the probability of an individual's MMSE falling by more than 3 within 24 months.
本发明目的在于还提供一种前述的系统分析个体CN或MCI病情发展趋势的方法。The purpose of the present invention is to also provide the aforementioned method for systematically analyzing the development trend of individual CN or MCI disease.
所述方法包括以下步骤:The method includes the following steps:
S1:ADNI数据集样本训练S1: ADNI dataset sample training
利用ADNI数据集中样本的临床医学数据和载脂蛋白E数据输入所述模型A进行预测得所述样本CN或MCI转化成AD的置信度a;Use the clinical medical data and apolipoprotein E data of the samples in the ADNI data set to input the model A to predict the confidence a of the conversion of the sample CN or MCI into AD;
利用ADNI数据集中样本的基因组数据数据输入所述模型B进行预测得所述样本CN或MCI转化成AD的置信度b;Using the genomic data data of the samples in the ADNI dataset to input the model B to predict the confidence level b that the CN or MCI of the sample is converted into AD;
利用ADNI数据集中样本的MRI数据输入所述模型C进行预测得所述样本CN或MCI转化成AD的置信度c;Utilize the MRI data of the samples in the ADNI data set to input the model C to predict the confidence c that the sample CN or MCI is converted into AD;
将所述置信度a、所述置信度b和所述置信度c作为输入特征,利用所述模型D进行训练得所述样本CN或MCI转化成AD的置信度;Using the confidence level a, the confidence level b and the confidence level c as input features, and using the model D for training to obtain the confidence level that the sample CN or MCI is converted into AD;
S2:个体CN或MCI训练S2: Individual CN or MCI training
将个体CN或MCI的临床医学数据和载脂蛋白E数据输入所述模型A进行预测得所述个体CN或MCI转化成AD的置信度a1;Inputting the clinical medical data and apolipoprotein E data of the individual CN or MCI into the model A to predict the confidence a1 that the individual CN or MCI is converted into AD;
所述个体CN或MCI的基因组数据数据输入所述模型B进行预测得所述样本CN或MCI转化成AD的置信度b1;The genomic data of the individual CN or MCI is input into the model B to predict the confidence level b1 that the sample CN or MCI is converted into AD;
所述个体CN或MCI的MRI数据输入所述模型C进行预测得所述样本CN或MCI转化成AD的置信度c1;The MRI data of the individual CN or MCI is input into the model C to predict the confidence level c1 that the sample CN or MCI is converted into AD;
将所述置信度a1、所述置信度b1和所述置信度c1作为输入特征,利用所述模型D进行训练得所述个体CN或MCI转化成AD的置信度g。The confidence level a1, the confidence level b1, and the confidence level c1 are used as input features, and the model D is used for training to obtain the confidence level g that the individual CN or MCI is converted into AD.
进一步,对比所述置信度g与所述置信度,若所述置信度g落在所述置信度,则所述个体CN或MCI可能转化成AD;若所述置信度g未落在所述置信度,则所述个体CN或MCI则不可能转化成AD。Further, comparing the confidence level g with the confidence level, if the confidence level g falls within the confidence level, the individual CN or MCI may be converted into AD; if the confidence level g does not fall within the confidence level confidence, the individual CN or MCI is unlikely to convert to AD.
具体地,在ADNI数据集中提供了当前时刻个体的MMSE评分以及24个月之后的该个体的MMSE评分,一个比较公认的判断准则是24个月之后个体的MMSE分数下降超过3,就认为该个体极大可能转化成AD。所述模型实际上就是在预测个体24个月之内MMSE下降超过3的概率。Specifically, the MMSE score of the individual at the current moment and the MMSE score of the individual after 24 months are provided in the ADNI data set. A more generally accepted criterion is that the MMSE score of the individual decreases by more than 3 after 24 months, and the individual is considered to be the individual. Most likely to convert to AD. The model actually predicts the probability of an individual's MMSE falling by more than 3 within 24 months.
进一步,S1或S2中,对所述MRI图像数据进行标准化处理、直方图均衡化处理,增强图像对比度,后使用非参数非均匀强度归一化(N3)算法校正强度不均匀性,颅骨剥离,利用预训练的分割模型提取ROI。Further, in S1 or S2, standardization processing and histogram equalization processing are performed on the MRI image data to enhance the image contrast, and then a non-parametric non-uniform intensity normalization (N3) algorithm is used to correct the intensity inhomogeneity, and the skull is peeled off. Extract ROIs using a pretrained segmentation model.
进一步,S2中,所述采用卷积神经网络和循环神经网络,利用MRI图像数据预测个体CN或MCI转化成AD的置信度c具体为:Further, in S2, described adopting the convolutional neural network and the cyclic neural network, using the MRI image data to predict that the individual CN or MCI is converted into the confidence level c of AD is specifically:
S1:利用所述预训练的分割模型提取ROI;S1: Extract ROI by using the pre-trained segmentation model;
S2:利用所述卷积神经网络提取空间特征;S2: using the convolutional neural network to extract spatial features;
S3:利用所述循环神经网络提取时序特征;S3: using the cyclic neural network to extract time series features;
S4:利用逻辑回归模型进行预测。S4: Use the logistic regression model to make predictions.
本发明目的在于还提供一种前述的系统在预测个体AD或MCI或CN病情发展趋势中的应用。The purpose of the present invention is to also provide an application of the aforementioned system in predicting the development trend of AD or MCI or CN disease of an individual.
进一步,所述模型A根据临床医学数据和载脂蛋白E数据预测所述MCI或CN转化成所述AD的置信度A;所述模型B根据基因组数据预测所述MCI或CN转化成所述AD的置信度B;所述模型C根据MRI数据预测所述MCI或CN转化成所述AD的置信度C;所述置信度A、所述置信度B和所述置信度C作为输入特征利用所述模型D进行训练。Further, the model A predicts the confidence A of the conversion of the MCI or CN into the AD according to clinical medical data and apolipoprotein E data; the model B predicts the conversion of the MCI or CN into the AD according to the genomic data. the confidence level B of the model C; the model C predicts the confidence level C of the conversion of the MCI or CN into the AD according to the MRI data; the confidence level A, the confidence level B and the confidence level C are used as input features using the The model D described above is trained.
本发明的有益效果在于:The beneficial effects of the present invention are:
本发明通过卷积神经网络对MRI图像进行建模,避免了手动提取特征。The present invention models the MRI image through the convolutional neural network, and avoids manual feature extraction.
本发明通过循环神经网络对序列MRI进行纵向分析,在多个时间点用图像对疾病进展进行建模和测量。The present invention performs longitudinal analysis of sequential MRI through a recurrent neural network, and uses images to model and measure disease progression at multiple time points.
本发明在传统方法和深度学习的方法基础上,多模态建模将两者进行结合,加入了更多的先验信息和外部特征,在一定程度上能够加强模型的泛化能力。Based on the traditional method and the deep learning method, the present invention combines the two with multimodal modeling, adds more prior information and external features, and can strengthen the generalization ability of the model to a certain extent.
本发明中遗传学数据和图像数据蕴含大量有用信息,加入这两种数据之后有效提升模型精度和模型泛化性能。The genetic data and the image data in the present invention contain a lot of useful information, and the model accuracy and model generalization performance are effectively improved after adding the two kinds of data.
附图说明Description of drawings
图1为多模态分析AD/MCI/CN病人病情发展趋势的流程简图。Figure 1 is a simplified flowchart of the multimodal analysis of the disease development trend of AD/MCI/CN patients.
图2为采用卷积神经网络(CNN)和循环神经网络(RNN)处理核磁共振(MRI)图像流程图。FIG. 2 is a flowchart of processing an MRI image using a Convolutional Neural Network (CNN) and a Recurrent Neural Network (RNN).
具体实施方式detailed description
所举实施例是为了更好地对本发明进行说明,但并不是本发明的内容仅局限于所举实施例。所以熟悉本领域的技术人员根据上述发明内容对实施方案进行非本质的改进和调整,仍属于本发明的保护范围。The examples are given to better illustrate the present invention, but the content of the present invention is not limited to the examples. Therefore, those skilled in the art make non-essential improvements and adjustments to the embodiments according to the above-mentioned contents of the invention, which still belong to the protection scope of the present invention.
实施例1Example 1
本发明提供一种多模态分析AD或MCI或CN病情发展趋势的系统,包括:临床医学数据和载脂蛋白E(APOE)数据输入模块与非线性分类器构成的模型A;基因组数据输入模块与非线性分类器构成的模型B;MRI数据与卷积神经网络(CNN)和循环神经网络(RNN)构成的模型C;ADNI数据集;模型A和模型B和模型C的预测值接收模块与...构成的模型D。The invention provides a multimodal analysis system for AD or MCI or CN disease development trend, comprising: a model A composed of a clinical medical data and apolipoprotein E (APOE) data input module and a nonlinear classifier; a genome data input module Model B composed of nonlinear classifiers; Model C composed of MRI data and Convolutional Neural Networks (CNN) and Recurrent Neural Networks (RNNs); ADNI datasets; ...consists of Model D.
其中,非线性分类器为支持向量机(SVM)。Among them, the nonlinear classifier is a support vector machine (SVM).
其中,系统还包括预训练模型和逻辑回归模型(softmax)。Among them, the system also includes a pre-training model and a logistic regression model (softmax).
实施例2Example 2
参照图1,Referring to Figure 1,
(1)ADNI数据集中样本预测(1) Sample prediction in ADNI dataset
利用ADNI数据集中样本的临床医学数据和载脂蛋白E数据输入模型A进行预测得样本CN或MCI转化成AD的置信度a(Score1);Use the clinical medical data and apolipoprotein E data of the samples in the ADNI dataset to input the model A to predict the confidence a (Score1) that the sample CN or MCI is converted into AD;
利用ADNI数据集中样本的基因组数据数据输入模型B进行预测得样本CN或MCI转化成AD的置信度b(Score2);Use the genomic data data of the samples in the ADNI dataset to input model B to predict the confidence level b (Score2) of converting the sample CN or MCI into AD;
利用ADNI数据集中样本的MRI数据输入模型C进行预测得样本CN或MCI转化成AD的置信度c(Score3);Use the MRI data of the samples in the ADNI data set to input the model C to predict the confidence c (Score3) of the conversion of the sample CN or MCI to AD;
将置信度a、置信度b和置信度c作为输入特征,利用模型D进行训练得样本CN或MCI转化成AD的置信度(Score);Taking confidence a, confidence b and confidence c as input features, and using model D to train the sample CN or MCI to convert the confidence (Score) of AD into AD;
(2)个体CN或MCI预测(2) Individual CN or MCI prediction
将个体CN或MCI的临床医学数据和载脂蛋白E数据输入模型A进行 预测得个体CN或MCI转化成AD的置信度a1;The clinical medical data and apolipoprotein E data of individual CN or MCI are input into model A to predict the confidence a1 that individual CN or MCI is converted into AD;
个体CN或MCI的基因组数据数据输入模型B进行预测得样本CN或MCI转化成AD的置信度b1;The genomic data of individual CN or MCI is input into model B to predict the confidence level b1 of the conversion of sample CN or MCI to AD;
个体CN或MCI的MRI数据输入模型C进行预测得样本CN或MCI转化成AD的置信度c1;The MRI data of individual CN or MCI is input into model C to predict the confidence level c1 that the sample CN or MCI is converted into AD;
将置信度a1、置信度b1和置信度c1作为输入特征,利用模型D进行训练得个体CN或MCI转化成AD的置信度g。The confidence level a1, confidence level b1 and confidence level c1 are used as input features, and model D is used to train the individual CN or MCI to convert the confidence level g of AD into AD.
(3)对比(3) Comparison
对比置信度g与所述置信度,若置信度g落在置信度,则所述个体CN或MCI可能转化成AD;Comparing the confidence level g with the confidence level, if the confidence level g falls within the confidence level, the individual CN or MCI may be converted into AD;
若所述置信度g未落在所述置信度,则所述个体CN或MCI则不可能转化成AD。If the confidence level g does not fall within the confidence level, it is impossible for the individual CN or MCI to convert to AD.
其中,对MRI图像数据进行标准化处理、直方图均衡化处理,增强图像对比度,后使用非参数非均匀强度归一化(N3)算法校正强度不均匀性,颅骨剥离,利用预训练的分割模型提取ROI。Among them, the MRI image data is standardized and histogram equalized to enhance the image contrast, and then the non-parametric non-uniform intensity normalization (N3) algorithm is used to correct the intensity inhomogeneity, the skull is stripped, and the pre-trained segmentation model is used to extract ROI.
其中,参照图2,其中采用卷积神经网络(CNN)和循环神经网络(RNN),利用MRI图像数据预测个体转化成AD的置信度c具体为:(1)利用预训练模型提取ROI;(2)利用卷积神经网络(CNN)提取空间特征;(3)利用循环神经网络(RNN)提取时序特征;(4)利用逻辑回归模型(softmax)进行预测。Wherein, with reference to Fig. 2, wherein a convolutional neural network (CNN) and a recurrent neural network (RNN) are used, and the confidence level c of using MRI image data to predict that an individual is transformed into AD is specifically: (1) using a pre-training model to extract ROI; ( 2) Convolutional Neural Network (CNN) is used to extract spatial features; (3) Recurrent Neural Network (RNN) is used to extract temporal features; (4) Logistic regression model (softmax) is used for prediction.
实施例3Example 3
ADNI数据集总共980个样本ADNI dataset has a total of 980 samples
拥有完整临床数据的样本数共有850个,因此模型A用这850个样本作为训练集,5折交叉验证的acc=0.79;There are 850 samples with complete clinical data, so Model A uses these 850 samples as the training set, and the acc of 5-fold cross-validation is 0.79;
拥有完整基因组数据的样本数共计880个,因此模型B用这880个样本作为训练集,5折交叉验证的acc=0.71;The total number of samples with complete genome data is 880, so model B uses these 880 samples as the training set, and the acc of 5-fold cross-validation is 0.71;
拥有完整MRI图像数据的样本数共计980个,因此模型C用这980个 样本作为训练集,5折交叉验证的acc=0.77。The total number of samples with complete MRI image data is 980, so Model C uses these 980 samples as the training set, and the acc = 0.77 of the 5-fold cross-validation.
临床+基因+图像数据都存在的一共有422个样本。用模型ABC为这422个样本计算出3个分数作为输入特征,用逻辑回归作为分类器训练,5折交叉验证的结果为acc=0.82。如果直接用这422个样本的临床、基因和图像特征建立一个模型,5折交叉验证结果为acc=0.68。A total of 422 samples exist for clinical + genetic + image data. Model ABC is used to calculate 3 scores for these 422 samples as input features, logistic regression is used as classifier training, and the result of 5-fold cross-validation is acc=0.82. If we directly use the clinical, genetic and image features of these 422 samples to build a model, the 5-fold cross-validation result is acc=0.68.
acc只有这么低是因为样本数太少导致的,相比于前面的ABC模型融合出一个D模型的方案,样本数几乎减少了一半。The acc is only so low because the number of samples is too small. Compared with the previous scheme of merging a D model with the ABC model, the number of samples is almost reduced by half.
最后说明的是,以上实施例仅用以说明本发明的技术方案而非限制,尽管参照较佳实施例对本发明进行了详细说明,本领域的普通技术人员应当理解,可以对本发明的技术方案进行修改或者等同替换,而不脱离本发明技术方案的宗旨和范围,其均应涵盖在本发明的权利要求范围当中。Finally, it should be noted that the above embodiments are only used to illustrate the technical solutions of the present invention and not to limit them. Although the present invention has been described in detail with reference to the preferred embodiments, those of ordinary skill in the art should understand that the technical solutions of the present invention can be Modifications or equivalent substitutions without departing from the spirit and scope of the technical solutions of the present invention should be included in the scope of the claims of the present invention.

Claims (10)

  1. 多模态分析AD或MCI或CN病情发展趋势的系统,其特征在于,包括:A system for multimodal analysis of AD or MCI or CN disease development trend, characterized in that it includes:
    临床医学数据和载脂蛋白E数据输入模块与非线性分类器构成的模型A;Model A composed of clinical medical data and apolipoprotein E data input module and nonlinear classifier;
    基因组数据输入模块与非线性分类器构成的模型B;Model B composed of genomic data input module and nonlinear classifier;
    MRI数据与卷积神经网络和循环神经网络构成的模型C;Model C composed of MRI data and convolutional neural network and recurrent neural network;
    ADNI数据集;ADNI dataset;
    所述模型A和所述模型B和所述模型C的预测值接收模块与逻辑回归模型构成的模型D;Model D composed of the predicted value receiving module of the model A, the model B and the model C and the logistic regression model;
    所述ADNI数据集提供所述临床医学数据和所述载脂蛋白E数据、所述基因组数据、所述MRI数据。The ADNI dataset provides the clinical medical data and the Apolipoprotein E data, the genomic data, the MRI data.
  2. 根据权利要求1所述的系统,其特征在于,所述非线性分类器为支持向量机。The system of claim 1, wherein the nonlinear classifier is a support vector machine.
  3. 根据权利要求1所述的系统,其特征在于,所述模型C还包括预训练的分割模型和逻辑回归模型用于处理所述MRI数据。The system of claim 1, wherein the model C further comprises a pre-trained segmentation model and a logistic regression model for processing the MRI data.
  4. 根据权利要求1-3任一所述的系统,其特征在于,所述系统装载于终端。The system according to any one of claims 1-3, wherein the system is loaded on a terminal.
  5. 利用权利要求1-4任一所述的系统分析个体CN或MCI病情发展趋势的方法,其特征在于,所述方法包括以下步骤:Utilize the method for the systematic analysis of individual CN or MCI disease development trend according to any one of claims 1-4, it is characterized in that, described method comprises the following steps:
    S1:ADNI数据集样本训练S1: ADNI dataset sample training
    利用ADNI数据集中样本的临床医学数据和载脂蛋白E数据输入所述模型A进行预测得所述样本CN或MCI转化成AD的置信度a;Use the clinical medical data and apolipoprotein E data of the samples in the ADNI data set to input the model A to predict the confidence a of the conversion of the sample CN or MCI into AD;
    利用ADNI数据集中样本的基因组数据数据输入所述模型B进行预测得所述样本CN或MCI转化成AD的置信度b;Using the genomic data data of the samples in the ADNI dataset to input the model B to predict the confidence level b that the CN or MCI of the sample is converted into AD;
    利用ADNI数据集中样本的MRI数据输入所述模型C进行预测得所述样本CN或MCI转化成AD的置信度c;Utilize the MRI data of the sample in the ADNI data set to input the model C to predict the confidence c that the sample CN or MCI is converted into AD;
    将所述置信度a、所述置信度b和所述置信度c作为输入特征,利用所述模型D进行训练得所述样本CN或MCI转化成AD的置信度;Using the confidence level a, the confidence level b and the confidence level c as input features, and using the model D for training to obtain the confidence level that the sample CN or MCI is converted into AD;
    S2:个体CN或MCI训练S2: Individual CN or MCI training
    将个体CN或MCI的临床医学数据和载脂蛋白E数据输入所述模型A进行预测得所述个体CN或MCI转化成AD的置信度a1;Inputting the clinical medical data and apolipoprotein E data of the individual CN or MCI into the model A to predict the confidence a1 that the individual CN or MCI is converted into AD;
    所述个体CN或MCI的基因组数据数据输入所述模型B进行预测得所述样本CN或MCI转化成AD的置信度b1;The genomic data of the individual CN or MCI is input into the model B to predict the confidence level b1 that the sample CN or MCI is converted into AD;
    所述个体CN或MCI的MRI数据输入所述模型C进行预测得所述样本CN或MCI转化成AD的置信度c1;The MRI data of the individual CN or MCI is input into the model C to predict the confidence level c1 that the sample CN or MCI is converted into AD;
    将所述置信度a1、所述置信度b1和所述置信度c1作为输入特征,利用所述模型D进行训练得所述个体CN或MCI转化成AD的置信度g。The confidence level a1, the confidence level b1, and the confidence level c1 are used as input features, and the model D is used for training to obtain the confidence level g that the individual CN or MCI is converted into AD.
  6. 根据权利要求4所述的方法,其特征在于,对比所述置信度g与所述置信度,若所述置信度g落在所述置信度,则所述个体CN或MCI可能转化成AD;The method according to claim 4, characterized in that, by comparing the confidence level g with the confidence level, if the confidence level g falls within the confidence level, the individual CN or MCI may be converted into AD;
    若所述置信度g未落在所述置信度,则所述个体CN或MCI则不可能转化成AD。If the confidence level g does not fall within the confidence level, it is impossible for the individual CN or MCI to convert to AD.
  7. 根据权利要求5或6所述的方法,其特征在于,S1或S2中,对所述MRI图像数据进行标准化处理、直方图均衡化处理,增强图像对比度,后使用非参数非均匀强度归一化(N3)算法校正强度不均匀性,颅骨剥离,利用预训练的分割模型提取ROI。The method according to claim 5 or 6, characterized in that, in S1 or S2, normalization processing and histogram equalization processing are performed on the MRI image data to enhance image contrast, and then non-parametric non-uniform intensity normalization is used. The (N3) algorithm corrects for intensity inhomogeneity, skull dissection, and extracts ROIs using a pretrained segmentation model.
  8. 根据权利要求5或6所述的方法,其特征在于,S2中,所述采用卷积神经网络和循环神经网络,利用MRI图像数据预测个体CN或MCI转化成AD的置信度c具体为:method according to claim 5 or 6, is characterized in that, in S2, described adopting convolutional neural network and cyclic neural network, utilizes MRI image data to predict that individual CN or MCI is converted into the confidence degree c of AD specifically:
    S1:利用所述预训练的分割模型提取ROI;S1: Extract ROI by using the pre-trained segmentation model;
    S2:利用所述卷积神经网络提取空间特征;S2: using the convolutional neural network to extract spatial features;
    S3:利用所述循环神经网络提取时序特征;S3: using the cyclic neural network to extract time series features;
    S4:利用逻辑回归模型进行预测。S4: Use the logistic regression model to make predictions.
  9. 权利要求1-4任一所述的系统在预测个体AD或MCI或CN病情发展趋势中的应用。Application of the system according to any one of claims 1-4 in predicting the development trend of individual AD or MCI or CN disease.
  10. 根据权利要求9所述的应用,其特征在于,所述模型A根据临床医学数据和载脂蛋白E数据预测所述MCI或CN转化成所述AD的置信度A;所述模型 B根据基因组数据预测所述MCI或CN转化成所述AD的置信度B;所述模型C根据MRI数据预测所述MCI或CN转化成所述AD的置信度C;所述置信度A、所述置信度B和所述置信度C作为输入特征利用所述模型D进行训练。The application according to claim 9, wherein the model A predicts the confidence A of the conversion of the MCI or CN into the AD according to clinical medical data and apolipoprotein E data; the model B is based on the genomic data Predicting the confidence level B that the MCI or CN is converted into the AD; the model C predicts the confidence level C that the MCI or CN is converted into the AD according to the MRI data; the confidence level A, the confidence level B And the confidence C is used as an input feature for training with the model D.
PCT/CN2020/112799 2020-09-01 2020-09-01 System and method for analyzing ad or mci or cn disease development trend by means of multi-modal modeling WO2022047613A1 (en)

Priority Applications (2)

Application Number Priority Date Filing Date Title
CN202080064386.6A CN114449948A (en) 2020-09-01 2020-09-01 System and method for multi-modal analysis of disease development trend of AD, MCI or CN
PCT/CN2020/112799 WO2022047613A1 (en) 2020-09-01 2020-09-01 System and method for analyzing ad or mci or cn disease development trend by means of multi-modal modeling

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
PCT/CN2020/112799 WO2022047613A1 (en) 2020-09-01 2020-09-01 System and method for analyzing ad or mci or cn disease development trend by means of multi-modal modeling

Publications (1)

Publication Number Publication Date
WO2022047613A1 true WO2022047613A1 (en) 2022-03-10

Family

ID=80492071

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2020/112799 WO2022047613A1 (en) 2020-09-01 2020-09-01 System and method for analyzing ad or mci or cn disease development trend by means of multi-modal modeling

Country Status (2)

Country Link
CN (1) CN114449948A (en)
WO (1) WO2022047613A1 (en)

Citations (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20120053447A1 (en) * 2009-02-06 2012-03-01 Simon Duchesne Methods and apparatuses for quantitatively determining the likelihood of a disease
CN107180155A (en) * 2017-04-17 2017-09-19 中国科学院计算技术研究所 A kind of disease forecasting method and system based on Manufacturing resource model
CN110236543A (en) * 2019-05-23 2019-09-17 东华大学 The more classification diagnosis systems of Alzheimer disease based on deep learning
CN111488914A (en) * 2020-03-17 2020-08-04 哈尔滨工业大学 Alzheimer disease classification and prediction system based on multitask learning

Patent Citations (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20120053447A1 (en) * 2009-02-06 2012-03-01 Simon Duchesne Methods and apparatuses for quantitatively determining the likelihood of a disease
CN107180155A (en) * 2017-04-17 2017-09-19 中国科学院计算技术研究所 A kind of disease forecasting method and system based on Manufacturing resource model
CN110236543A (en) * 2019-05-23 2019-09-17 东华大学 The more classification diagnosis systems of Alzheimer disease based on deep learning
CN111488914A (en) * 2020-03-17 2020-08-04 哈尔滨工业大学 Alzheimer disease classification and prediction system based on multitask learning

Non-Patent Citations (5)

* Cited by examiner, † Cited by third party
Title
ALTAF TOOBA; ANWAR SYED MUHAMMAD; GUL NADIA; MAJEED MUHAMMAD NADEEM; MAJID MUHAMMAD: "Multi-class Alzheimer's disease classification using image and clinical features", BIOMEDICAL SIGNAL PROCESSING AND CONTROL, ELSEVIER, AMSTERDAM, NL, vol. 43, 2 March 2018 (2018-03-02), NL , pages 64 - 74, XP085388769, ISSN: 1746-8094, DOI: 10.1016/j.bspc.2018.02.019 *
DAOQIANG ZHANG; YAPING WANG; LUPING ZHOU; HONG YUAN; DINGGANG SHEN;: "Multimodal classification of Alzheimer's disease and mild cognitive impairment", NEUROIMAGE, ELSEVIER, AMSTERDAM, NL, vol. 55, no. 3, 5 January 2011 (2011-01-05), AMSTERDAM, NL , pages 856 - 867, XP028184845, ISSN: 1053-8119, DOI: 10.1016/j.neuroimage.2011.01.008 *
GRAY KATHERINE R., ALJABAR PAUL, HECKEMANN ROLF A., HAMMERS ALEXANDER, RUECKERT DANIEL: "Random forest-based similarity measures for multi-modal classification of Alzheimer's disease", NEUROIMAGE, ELSEVIER, AMSTERDAM, NL, vol. 65, no. 65, 1 January 2013 (2013-01-01), AMSTERDAM, NL , pages 167 - 175, XP055907109, ISSN: 1053-8119, DOI: 10.1016/j.neuroimage.2012.09.065 *
LI ZHENZHEN: "Research on Computer Aided Diagnosis Model for Early Alzheimer's Disease by Means of Multi-modal", CHINESE MASTER’S THESES FULL-TEXT DATABASE, MEDICINE & HEALTH SCIENCES, no. 1, 15 January 2020 (2020-01-15), XP055907106 *
TONG TONG, KATHERINE GRAY, QINQUAN GAO, LIANG CHEN, DANIEL RUECKERT: "Multi-modal classification of Alzheimer's disease using nonlinear graph fusion", PATTERN RECOGNITION, vol. 63, 31 March 2017 (2017-03-31), pages 171 - 181, XP055907100, DOI: 10.1016/j.patcog.2016.10.009 *

Also Published As

Publication number Publication date
CN114449948A (en) 2022-05-06

Similar Documents

Publication Publication Date Title
Nguyen et al. $\mathtt {Deepr} $: a convolutional net for medical records
US20190220733A1 (en) Systems and Methods for Modeling Probability Distributions
Wang An intelligent computer-aided approach for atrial fibrillation and atrial flutter signals classification using modified bidirectional LSTM network
CN110459328B (en) Clinical monitoring equipment
Ahmad et al. Comparative study of optimum medical diagnosis of human heart disease using machine learning technique with and without sequential feature selection
Caliskan et al. Classification of coronary artery disease data sets by using a deep neural network
CN113421652A (en) Method for analyzing medical data, method for training model and analyzer
Murphree et al. Deep learning for dermatologists: Part I. Fundamental concepts
Muhaba et al. Automatic skin disease diagnosis using deep learning from clinical image and patient information
US20240161017A1 (en) Connectome Ensemble Transfer Learning
Liang et al. A convolutional neural network combined with prototype learning framework for brain functional network classification of autism spectrum disorder
He et al. DepNet: An automated industrial intelligent system using deep learning for video‐based depression analysis
CN115239993A (en) Human body alopecia type and stage identification system based on cross-domain semi-supervised learning
Bhardwaj et al. Computational biology in the lens of CNN
Ejiyi et al. ResfEANet: ResNet-fused external attention network for tuberculosis diagnosis using chest X-ray images
Appiahene et al. Application of ensemble models approach in anemia detection using images of the palpable palm
Mukherji et al. Recent landscape of deep learning intervention and consecutive clustering on biomedical diagnosis
WO2022047613A1 (en) System and method for analyzing ad or mci or cn disease development trend by means of multi-modal modeling
Ono et al. Introduction to supervised machine learning in clinical epidemiology
CN116797817A (en) Autism disease prediction technology based on self-supervision graph convolution model
Zamzami et al. A distribution-based regression for real-time covid-19 cases detection from chest X-ray and CT images
CN111860949B (en) Prediction method and device based on time sequence image
Wang et al. Imbalanced learning for hospital readmission prediction using national readmission database
CN113658688A (en) Clinical decision support method based on word segmentation-free deep learning
Zhang et al. Consecutive knowledge meta-adaptation learning for unsupervised medical diagnosis

Legal Events

Date Code Title Description
121 Ep: the epo has been informed by wipo that ep was designated in this application

Ref document number: 20951861

Country of ref document: EP

Kind code of ref document: A1

NENP Non-entry into the national phase

Ref country code: DE

122 Ep: pct application non-entry in european phase

Ref document number: 20951861

Country of ref document: EP

Kind code of ref document: A1