Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

Adversarial confound regression and uncertainty measurements to classify heterogeneous clinical MRI in Mass General Brigham

  • Matthew Leming ,

    Roles Conceptualization, Data curation, Formal analysis, Investigation, Methodology, Software, Visualization, Writing – original draft, Writing – review & editing

    mleming@mgh.harvard.edu (ML); im.hyungsoon@mgh.harvard.edu (HI)

    Affiliations Center for Systems Biology, Massachusetts General Hospital, Boston, MA, United States of America, Massachusetts Alzheimer’s Disease Research Center, Charlestown, MA, United States of America

  • Sudeshna Das,

    Roles Resources, Writing – review & editing

    Affiliations Massachusetts Alzheimer’s Disease Research Center, Charlestown, MA, United States of America, Department of Neurology, Massachusetts General Hospital, Boston, MA, United States of America

  • Hyungsoon Im

    Roles Funding acquisition, Project administration, Resources, Supervision, Visualization, Writing – review & editing

    mleming@mgh.harvard.edu (ML); im.hyungsoon@mgh.harvard.edu (HI)

    Affiliations Center for Systems Biology, Massachusetts General Hospital, Boston, MA, United States of America, Massachusetts Alzheimer’s Disease Research Center, Charlestown, MA, United States of America, Department of Radiology, Massachusetts General Hospital, Boston, MA, United States of America

Abstract

In this work, we introduce a novel deep learning architecture, MUCRAN (Multi-Confound Regression Adversarial Network), to train a deep learning model on clinical brain MRI while regressing demographic and technical confounding factors. We trained MUCRAN using 17,076 clinical T1 Axial brain MRIs collected from Massachusetts General Hospital before 2019 and demonstrated that MUCRAN could successfully regress major confounding factors in the vast clinical dataset. We also applied a method for quantifying uncertainty across an ensemble of these models to automatically exclude out-of-distribution data in AD detection. By combining MUCRAN and the uncertainty quantification method, we showed consistent and significant increases in the AD detection accuracy for newly collected MGH data (post-2019; 84.6% with MUCRAN vs. 72.5% without MUCRAN) and for data from other hospitals (90.3% from Brigham and Women’s Hospital and 81.0% from other hospitals). MUCRAN offers a generalizable approach for deep-learning-based disease detection in heterogenous clinical data.

Introduction

The use of AI to detect diseases from brain MRI holds promise to automate, standardize, and apply the diagnostic process at scale. Because clinical MRI are collected routinely, they amass into large databases that can be utilized to train such AI algorithms. Deep learning in particular has shown success in detecting multiple diseases in high-quality brain MRI data collected in a controlled research setting [1, 2]. However, extending this diagnostic technology to deep learning in clinical settings is hampered by practical challenges [3]. Compared to images collected in research settings, clinical imaging data is often lower in quality and more diverse in technical variables, labeling, diseases, and patient populations. Furthermore, machines and clinical techniques used to acquire data differ between settings. Hence, a deep-learning model trained on clinical data from one hospital will not necessarily generalize to data from another. Imbalances in technical and demographic variables, if not carefully accounted for, could lead a deep-learning model to fit to confounding factors rather than true biomarkers.

Implementing deep-learning models across hospitals requires a large degree of model robustness and ability to scale [4]. This is a form of the out-of-distribution data problem [5] that is endemic in the field of deep learning. Data privacy concerns unique to healthcare make this problem especially difficult to overcome in diagnostic models, as the pooling of data in healthcare is yet infeasible from a policy standpoint. Sophisticated training strategies, such as federated learning [6], in which models are trained internally in healthcare systems and subsequently released, address this robustness problem to an extent. Even with such sophisticated training strategies, model robustness via diversification of data would not necessarily aid cases in which a given confound is systematically associated with a particular disease (e.g., age and degenerative diseases).

Several methods have been proposed to overcome the problems associated with confounded data in neuroimaging. We have previously used a data matching scheme [7] to regress confounding factors in clinical MRI data by curating confounder-free, matched datasets for three-stage AD classification [8]. Data matching, however, causes the training set size to decrease as more confounding factors are included in the model. Other methods, such as ComBat [9, 10] and Linear mixed-effects models [11, 12], regress confounding effects directly but only work on scalar features extracted from images and so are highly dependent on the chosen methods of feature extraction. Deep-learning-based regression methods, by contrast, can be applied directly to input images [13, 14]. Zhao et al. [13] proposed a confounder-free neural network trained using three optimizers in an adversarial scheme, demonstrating its effectiveness using scalar demographic confounding factors, but these methods, as proposed, can only be applied to one confounding factor at a time.

Another practical issue in deep-learning-based disease detection is out-of-distribution samples. In prospective applications, even a robust deep learning model could still be vulnerable to new or unknown confounding factors or new data that fall outside the purview of the original training data (e.g., images acquired with a new MRI scanner). Uncertainty estimation to detect out-of-distribution samples is a recent area of interest in deep learning [5, 15], which has seen the development of sophisticated means of measuring uncertainty [1618]), usually formulated as methods for quantifying and detecting the “distance” of an input datapoint from the training set. A simpler approach is to simply train an ensemble of independent base learners and average their output, quantifying uncertainty by measuring how consistently they agree with one another [19, 20].

For a real-world disease detection system, it is necessary to design a deep learning model that can detect diseases without the influence of both confounds and out-of-distribution samples. In this work, we developed the Multi-Confound Regression Adversarial Network (MUCRAN): an adversarial process on a specialized scheduler to train a model on a vast clinical dataset while regressing multiple confounding factors. We trained MUCRAN on 17,076 clinical brain MRIs and successfully regressed 11 demographic and technical confounding factors that could adversely affect AD detection. We also implemented an uncertainty quantification method by training multiple independent models in an ensemble and making a consensus decision. Along with MUCRAN, the integrated approach showed significantly improved AD detection accuracies for recently collected MGH data and data from other hospitals.

Results

Regressing confounding factors using MUCRAN

We designed MUCRAN to classify clinical MRI while regressing multiple confounding factors. MUCRAN takes a 3D image as input and outputs a one-hot vector for a disease label, as well as each confound included in the training (Fig 1A). In its training, MUCRAN is incentivized to classify an output label (AD or non-AD) without the use of confounding factors (see Methods for a detailed description). MUCRAN consists of an encoder and regressor, similar, respectively, to a generator and discriminator in conventional generative adversarial neural networks (GANs) [21]. The encoder translates the input to an intermediary feature representation, and the regressor translates these features to predictions of the disease label and confounding factors (e.g., age, sex, image modality), represented by a 2-D array of one-hot vectors. In the training scheme, back-propagation is applied to the regressor and encoder alternately using different output arrays (Fig 1B); the regressor is trained using true output confound/disease label encodings, while the encoder is trained using the true disease label encoding, but confound encodings that are all set to the same value. Thus, the encoder is incentivized to output an intermediary feature representation from which a true label, but no confounding factors, can be derived.

thumbnail
Fig 1. Multi-Confound Regression Adversarial Network (MUCRAN).

A. MUCRAN is a convolutional neural network (CNN) that takes a 96 × 96 × 96 MRI as input, encodes it to an array of 1024 intermediary features via a CNN and a dense neural network, and regresses these features to an output array. The output array consists of one-hot binary vectors that encode both the primary label (AD/Control) and included confounding factors (sex, age, and so on). B. For training the regressed model, large batches are sampled from an imbalanced dataset such that AD and control are present in equal proportions. For each training iteration, the model is trained in a two-step adversarial process: with the regressor frozen, the encoder is fit to an output array with the label set to its real value, but each confound row set to a constant value ([1, 0, 0…0]); the regressor is then fit to the array with both the label and its true confound values. C. For testing, labels are predicted through multiple independent models, and their votes are averaged into an ensemble vote. An uncertainty thresholding is then applied to isolate an in-distribution test set.

https://doi.org/10.1371/journal.pone.0277572.g001

For uncertainty quantification, we employed a consensus approach to separate out-of-distribution data (i.e., data that is unlike the training set) from in-distribution data (similar to the training set). We trained ten models (base learners) independently in an ensemble; for each test, ten disease predictions were output (Fig 1C). After a softmax layer, the sum of each of these predictions were normalized to 1. These ten predictions were averaged across the ensemble, which fell in the range between 0.5 and 1.0. As individual measurements are averaged across an ensemble of models, averaged in-distribution measurements tend towards either 0.0 or 1.0, indicating that all models agree on a classification, while averaged out-of-distribution measurements tend towards 0.5, indicating that the outputs are essentially random. Thus, in-distribution measurements can be isolated by removing outputs with an average that falls below a certain threshold value. For comparison, we show the differences in model accuracy on both the entire test set (threshold = 0.5) and for just the “in-distribution” portion (threshold = 0.9).

We trained MUCRAN with T1 Axial MRI data from Massachusetts General Hospital (MGH, n = 17,076) collected between 1995 and 2018 (Pre-2019, Fig 2). We kept the MGH data collected between 2019–2021 (Post-2019, n = 1,497) out of the training and used it as an internal test set. A sample of these images can be seen in S1 Fig in S1 File. This temporal split was created to test the performance of the trained model for newly acquired clinical image data.

thumbnail
Fig 2. Statistics associated with the three datasets used, pre- and post-2019.

T1 Axial MRI, representing the plurality of structural MRI in the Mass General Brigham database, were taken from our full database of imaging data, and, from these, three test sets were isolated. “Local anomaly” refers to patients with lesions, head trauma, or tumors. The average age and standard deviation of each group is shown as well.

https://doi.org/10.1371/journal.pone.0277572.g002

We next investigated the regression of multiple confounding factors in MUCRAN. Of the 141 variables present in the dataset, we selected eleven confounding factors to be regressed from the model: age, employment status, ethnic group, marital status, patient class (e.g., inpatient or outpatient), religion, sex, specific absorption rate, imaging frequency, pixel bandwidth, and repetition time. Several criteria were considered in the selection of these confounding factors, including (1) their variance and distribution across T1 Axial MRIs (single-valued confounding factors were not included); (2) a low number of categorical choices, which made it practically encodable; (3) their presence across a large amount of data; (4) their theoretical relevance to both site differences and AD; and (5) their likelihood of being predicted from MRI, with confounding factors that were likely to be predicted from MRI (i.e., age, sex) and unlikely (i.e., religion) both included as a means of comparison.

Fig 3 shows model performance for predicting demographic and technical confounding factors by MRIs. In the confounded model, in which confounding factors were predicted directly, some confounding factors, such as age, sex, imaging frequency, pixel bandwidth, and specific absorption rate, could be predicted very effectively, while others, such as ethnic group, marital status, and religion, could not be predicted, as expected. In MUCRAN, however, it shows that the the areas under the receiver operating characteristic curves (AUROCs) for all confounding factors are within the 10% margin from 0.5. This indicates that the regressed model fails to predict confounding factors using MRI data. It means MUCRAN largely achieved its goal of making a set of intermediary features from which confounds could not be predicted, and thus the adverse effects from confounding factors are minimized in AD detection.

thumbnail
Fig 3. Prediction of confounding factors.

Averaged results of model performance for predicting demographic and technical confounding factors were reported as area under the receiver operating characteristics (AUROC) for the confounded and regressed ensembles.

https://doi.org/10.1371/journal.pone.0277572.g003

AD classification

We next applied MUCRAN for AD detection. To test our model, we constructed both internal and external test sets. MUCRAN was trained on a dataset from MGH collected before 2019, and our internal test set consisted of data from MGH data collected after 2019 (MGH Post-2019, Fig 2). We also constructed two external test sets, consisting of data from Brigham and Women’s Hospital and data imported from outside hospital systems. This is to test, first, how the regressed model performs in MRI-based AD detection prospectively in a given data set and, second, how much our uncertainty approach could improve the detection accuracy for data collected in different settings.

In each of our test sets, there is a significant difference in age distributions between AD and non-AD groups (Fig 2). We previously showed that unmatched clinical data sets could lead to artificial gains in model performance for AD classification [8]. Therefore, we samples each of our test sets for age-matched datapoints of equal size between AD and non-AD groups. Additionally, because age is one of the most significant risk factors for AD, we only included patients with ages above 55 (a higher age threshold produces much smaller data sets, which is unsuitable for robust accuracy testing).

For a comparative analysis, the performance of MUCRAN was compared with two other models—“baseline” and “confounded.” The baseline model refers to a model for which only the Alzheimer’s label was predicted. The confounded model refers to a model for which the Alzheimer’s label, as well as the 11 confounds, were predicted directly. Only MUCRAN attempted to regress the confounding factors.

Fig 4A shows the AD classification results for the internal test set (MGH post-2019). First, without uncertainty thresholding, all three models showed poor classification accuracies below 70%. The accuracies were improved more than 10% when an uncertainty threshold of 0.9 was applied to isolate in-distribution data. The threshold of 0.9 was arbitrarily chosen to strike a balance between accuracy and dataset size; it may be varied, but higher values lead to a shrinking in-distribution test set, while lower thresholds lead to lower accuracies. For the in-distribution data, MUCRAN outperformed two other models by a margin of 12% and achieved the accuracy of 85%. The results show that both regressing confounding factors and excluding out-of-distribution data are critical to achieve robust classification accuracy for clinical MRI data.

thumbnail
Fig 4. Comparison of classification accuracies on post-2019 data for an age-matched sample of patients aged 55 and older in MGH, BWH, and outside hospital datasets.

A. Results in the internal, post-2019 MGH test set. B. Results on post-2019 data from Brigham and Women’s Hospital. C. Results from all outside hospital systems imported into Mass General Brigham. See Table 1 for the full results.

https://doi.org/10.1371/journal.pone.0277572.g004

Next, we applied the three models for data collected from Brigham and Women’s Hospital (BWH) and other hospitals (Fig 4B and 4C). Similar to the post-2019 MGH data, MUCRAN outperformed two other models by more than 10% for the in-distribution data. The accuracy was increased from 72% in the baseline model to 90% in MUCRAN for data from BWH; it was increased from 71% to 81% for data from other hospitals. Thus, trained only on pre-2019 MGH data and using the uncertainty thresholding, our models maintain a classification accuracy over 80% for data collected in different settings.

Table 1 summarizes the AD classification results and sample sizes for all five test sets as well as in the combined set, both for the age-matched sample shown in Fig 4 and the entire test set shown in Fig 2. Across the pooled test sets, MUCRAN outperformed the comparative models, both in the age-matched sample (79.2% versus 68.4% and 62.0%) and the whole test set (90.2% versus 85.8% and 85.3%). Between these five test sets, there were variations in classification accuracy, which can be explained by a number of factors that, in themselves, would lead to both increases and decreases in accuracy. For instance, the MGH post-2019 data contains many sites that are the same as the MGH pre-2019 dataset, a factor that aids its accuracy in the confounded model, which overfits to individual sites (89.5% for MGH post-2019 confounded versus 87.6% for BWH post-2019 confounded) but not MUCRAN (92.5% for MGH post-2019 confounded MUCRAN versus 93.5% for BWH post-2019 MUCRAN). The post-2019 datasets likely contain more high-quality images from modern scanners that would aid classification accuracy, while the pre-2019 sets have historical data that are both low-quality and poorly organized, leading to mismatched labels (89.2% BWH pre-2019 MUCRAN versus 93.5% BWH post-2019 MUCRAN); this latter point, however, is likely of greater concern for the Brigham and Women’s pre-2019 dataset, since data that clinicians took the trouble to import from outside hospital systems would have received more scrutiny in terms of its diagnostic usefulness (89.2% for BWH pre-2019 versus 92.1% for Others, pre-2019). In short, there are a myriad of reasons that may explain why certain training methods out- or under-performed others for different time-based and site-based splits of the test set. On average, however, for this task, MUCRAN outperformed the confounded and baseline models, and, given the vast differences in classification accuracy on the older age-matched sample, this is likely due to imbalances in age in each of the test sets being slightly different from the imbalances in age in the training set—a situation for which MUCRAN is specifically designed to account for.

thumbnail
Table 1. Results on Alzheimer’s classification when the whole test set is included (threshold = 0.5), and results, on five test sets and the combined test sets, for which the averaged prediction in its respective category is above 0.90 (i.e., each model in the ensemble unanimously agrees).

Shown are the accuracies on the portion of the dataset included after thresholding, and the size of that test set (in parentheses). Included as well are age-matched samples. See also Fig 1C.

https://doi.org/10.1371/journal.pone.0277572.t001

In terms of sample sizes, MUCRAN’s in-distribution dataset was consistently smaller than those of the two comparison models (706 for MUCRAN, 1238 for Baseline, and 1475 for confounded). In the pooled test set, MUCRAN’s in-distribution test set was 5564/18914 while the baselines’ was 8979/18914, a 38% decrease. This is likely indicative that the MUCRAN ensemble did not so much generalize to more data as be skeptical about making “bad hires” for its in-distribution pool.

Sex

Table 2 show the results for sex classification. In this test, MUCRAN showed a much higher classification accuracy than AD classification. This is evidence especially of the effectiveness of uncertainty thresholding in instances where the label is consistent and has a definite biological basis, as this led from an 85.7% accuracy to a 96.7% accuracy, the highest of any of the selected tasks. It is very likely that labels in the other two tasks were, in many cases, imperfect and incomplete. Unlike biological sex, which is consistently recorded in the electronic health record, many factors complicate the Alzheimer’s and localized anomaly label. ICD codes may be inconsistently recorded, and medication history is only an imperfect indication of Alzheimer’s; head trauma, even if recorded, may not leave a biological mark evident in a brain MRI. On the other hand, sex is nearly always present in an electronic health record and there is a definite biological basis for sex classification in structural brain MRI. This task thus offers an insight on what can be determined in clinical MRI in cases where the label is consistent and known biomarkers are present.

Discussion

This work focused on designing a model disincentivized from incorporating confounding factors in its classification decision and developing strategies to isolate in-distribution parts of a given test set. Unlike research settings where large amounts of data are curated for certain deep learning tasks, clinical data represent highly heterogeneous, often poorly-organized sets that contain many different confounding factors and labels that may be only tenuously associated with the underlying ground-truth. With MUCRAN, we addressed the issue of confounding factors by designing adversarial networks to regress and minimize their influence in the model performance, and with our uncertainty thresholding method, we showed a way of honing in on subsets of a test set that a given model is more likely to be able to classify correctly. This approach is uniquely suited to clinical imaging data.

Table 3 shows a comparison of MUCRAN with other recently proposed variable regression methods. Methods to control for confounds occur in many different ways, including in data collection methods, ranging from cross- sectional study design [22] to the use of special devices to control for head motion in MRI, as well as post-hoc methods designed to control for specific confounds, such as computational methods in registration and motion regression. Table 3 specifically covers those methods that are (1) generalizable to any given confound; (2) may be applied post-hoc; and (3) assume that the given confound is recorded. The most similar method, proposed in Zhao 2020 et al, is less effective in regressing multiple confounding factors, since it uses a third loss function for its confound regression; early tests with this showed that this frequently led to mode collapse, a common problem when training adversarial networks. MUCRAN, in contrast, only uses two loss functions and is structured more analogously to GANs, which, as stated in the Methods, allows it to take advantage of most of the modern developments in GAN training.

thumbnail
Table 3. Comparison of MUCRAN with other generalizable variable regression methods used in neuroimaging.

https://doi.org/10.1371/journal.pone.0277572.t003

Our results showed that MUCRAN was most effective in regressing the effects of multiple confounding factors systematically associated with the label being classified for. In this case, the clearest association is age and Alzheimer’s, a degenerative disease. Age-matched results showed that MUCRAN outperformed the confounded and baseline models by a substantial margin across all five test sets, and by an average of 17.2% higher than the confounded model and and 10.8% higher than the baseline (Table 1). Even so, it is likely that many of the confounding factors introduced by site differences were largely addressed by the diversity of data in the MGH pre-2019 training set, since both the confounded and baseline models also performed relatively well across sites on the five test sets.

Our uncertainty thresholding method removed out-of-distribution or intermediary cases from the test set, as quantified by the average value of a given classification task across an ensemble of models. Test set accuracy rose sharply on those remaining in-distribution datapoints, across the three types of models tested, making a strong case for use of this diagnostic technology in a clinical setting. The accuracy of these methods approached that typically achieved in deep learning studies in Alzheimer’s on research-grade MRI datasets, such as ADNI and AIBL [2], which usually achieve between 85 and 90 percent accuracy, depending on the model hyperparameters and inclusion/exclusion criteria of the particular study used.

The deep learning task presented was challenging from a bioinformatics perspective. The inference of Alzheimer’s disease in clinical records is difficult because they are often improperly labeled; ICD codes may be incomplete, and data recording practices vary with databases, clinics, time periods, and medical practitioners. While it is an imperfect marker, the use of medications as a label marker was advantageous because (1) the four medications used in this study are used to treat Alzheimer’s in its different stages (though Memantine is sometimes used in younger age groups [28]) and (2) prescriptions are consistently recorded in the electronic health record. We included, as well, instances in which an ICD indicating Alzheimer’s was recorded but not a medication.

While most deep learning tasks present one straightforward metric to improve—accuracy—the current study presents two: both accuracy and test set inclusion. Overall, the regressed model, after thresholding, made predictions on an in-distribution dataset consisting of 5564/18914 datapoints, or 29.4% of the data (Table 1), at 90.2% accuracy (considering only post-2019 data, which omits much of the lower-quality legacy MRIs in the dataset, this percentage is above 90% in all cases). On the one hand, accurate predictions on 29.4% of MRIs at a given hospital for routinely-collected MRI would be a useful metric for radiologists to consider; on the other hand, this still omits over two-thirds of all data. Even so, unlike a system that measures every datapoint considered, whether or not it is in- or out-of-distribution, ensembles of MUCRANs, by offering fewer unreliable predictions, present a system that can be implemented and scaled in the real world.

In conclusion, we present deep learning methods that are able to generalize across dates and hospitals for diagnosing Alzheimer’s disease in complex clinical MRI. We show that, within age-matched data, MUCRAN detected AD 10.8% better than its baseline counterpart (79.2% versus 68.4%) and by 4.4% across the whole dataset (90.2% versus 85.8%), with larger margins between MUCRAN and the confounded models. We also show a means of separating out-of-distribution data that cannot be effectively assessed by our models from in-distribution data that can, providing a scalable AI system that can be deployed in new environments.

Materials and methods

Data

We used an extremely large amount of clinical data from a diverse array of MRI scanners, meaningfully split into training and tests sets, separated by hospital and time period, to test for cross-site and cross-time generalizability. Descriptions of the full dataset can be seen in Fig 2. MRI data were requested from the Mass General Brigham Research Patient Data Registry (RPDR), and additional variables were augmented from the Enterprise Data Warehouse (EDW), which stored additional patient metadata but no images. Data were separated into three sets: MGH, BWH, and Other (i.e., miscellaneous data which were imported by patients from outside hospital systems). These were further subdivided by time period (pre- and post-2019 data). Pre-2019 MGH data were used for training and the rest were used for testing.

The presence of Alzheimer’s disease was assumed by analyzing patient medication records, in particular the presence of Galantamine, Rivastigmine, Donepezil, or Memantine, or an ICD 10 code of G35. While medication does not constitute a precise diagnosis of Alzheimer’s, it was more consistently recorded across the database than ICD codes. Patients with ICD-10 codes for a malignant neoplasm of the brain (C71.1, C71.9, C79.31), cerebral infarction (I63.9), neoplasm of unspecified behavior of brain, (D49.6), benign neoplasm of cerebral meninges (D32.0), and previous head trauma (S00—S09) were designated into a third group, indicating patients with localized anomalies in the brain that could likely be seen by a human interactor. These instances were excluded. Finally, in order to offer a baseline, non-disease-related classification task, for which labels are consistently present, we also classify by biological sex within the control group.

Preprocessing

Due to the size and variability of the dataset, preprocessing was limited to translating images from DICOM to Nifti (dcm2niix), reorienting them to a standard space (fslreorient2std), and resizing them to a standard 96 × 96 × 96 dimension. Diversity of the dataset led to a number of preprocessing errors, and so a number of criterion were made to include data, notably the size of the file (i.e., files that were too small were excluded from consideration—these technical “exclusions” are not included in Fig 2). Dataset size and variability prevented the application of conventional MRI preprocessing methods, such as registration to a template.

Deep learning model and training

As shown in Fig 1B, MUCRAN is trained adversarially to classify by an output label while regressing the selected confounds. It was implemented in Python, using the Keras deep learning library with a Tensorflow backend. Data was curated using a combination of Pandas and Numpy. The model’s structure is similar to generative adversarial networks (GANs) [21]. Briefly, GANs are incentivized to generate photorealistic images using a generator, which outputs the images, and a discriminator, which is trained to discriminate between real images and the generator’s outputs; by training both in an adversarial process, the generator eventually outputs images that the discriminator is unable to distinguish. In MUCRAN, the “generator” is an encoder that translates input images to an intermediary feature representation (the “image”), while the “discriminator” is a regressor that translates these features from the intermediary feature representation to predictions of both the label and a number of confounding factors (i.e., age, sex, image modality—the “real/fake” prediction). The regressor is trained using true output label/confound encodings, while the encoder is trained using the true label but confounds that are all set to the same value. Thus, the adversarial process, in this case, is between an encoder and a regressor (Fig 1B, Steps 1 and 2). In this way, the encoder is incentivized to output an intermediary feature representation from which a true label, but no confounding factors, can be derived.

Put formally, suppose we have input data, x, a label, y, with possible values y1, y2, …yN, and a number of confounds, c1, c2, …cK, each with possible values . The encoder, E, outputs intermediary features, E(x) = F, while the regressor, R, outputs a vector that combines the label and confounds, such that R(F) = p([y, c1, c2, …cK]). The loss function of the encoder is: (1) Where G(i) is used as an expression to indicate confounds that are all set to the same value. This is in contrast to the loss function of the regressor, which is expressed as: (2)

These are both modified binary crossentropy loss functions. To ensure its convergence, the y label is given an additional weighting factor, W (in practice, this is set to 6).

A typical deep learning model, M, trained on dataset D, may map input datapoint to the output label Y (). However, if this were trained on a dataset, D′, for which the label is systematically imbalanced with respect to a certain confound (i.e., ), then . The framework shown in Fig 1A shows an encoder that outputs an intermediary representation, () and a regressor that translates to both the label and the confounds (). MUCRAN, however, incentivizes the encoder to map each C to c1, a constant, rather than its true value (), thus translating to an intermediary in which N = 1 for each confound, and so . In effect, the encoder disguises each input to appear to the regressor as , regardless of the actual value of C. Thus, the effect is as though the model were trained on a balanced dataset ().

Below is a brief description of each symbol:

The similarity of these models to GANs allowed us to draw on the wide body of research and conventions used to train them [2931]. The model architecture is shown in Fig 1A. The encoder consisted of four convolutional layers, each using 3 × 3 convolutions, and two fully-connected layers. The regressor consisted of three fully-connected layers. To ensure stability, each of these layers was separated by a leaky ReLU (α = 0.3) layer and a batch normalization layer between them. The encoder was trained using an Adam optimizer, while the regressor was trained using an SGD optimizer. Sparse gradients, such as ReLU and max pooling, were avoided in the construction of the networks. The use of an adversarial system placed certain limitations on which layers could be used; for instance, pooling layers were removed in favor of strided convolutions, and batch normalization layers had to be avoided at the output of the encoder and input of the regressor [30]. Extensive testing was performed on more sophisticated network architectures. However, with the adversarial training process, more complex CNNs, such as ResNet, DenseNet, and InceptionNetV3, failed to converge, or simply performed worse than the simple layered CNN used in this work (Fig 1A).

To add a comparison in our analysis, three total classes of models were trained, which are referred to as “MUCRAN”, “baseline”, and “confounded”. These models are all the same structure, but were trained differently by modifying the loss function of the encoder and regressor. MUCRAN was trained using the loss functions as presented above (i.e., Eq 1 for the encoder and Eq 2 for the regressor); the confounded versions were trained using Eq 2 for both the encoder and regressor; and the baseline model was trained using Eq 1 for both (effectively making it a standard, AlexNet-style CNN that only classifies by the given label). In effect, the confounded model predicts both the label and confounds, the baseline model predicts only the label, and MUCRAN, the only model trained using a truly adversarial process, predicts the label while regressing the confounds.

Batch scheduler

Training was not performed in epochs over the whole training set, as is typically the case. Rather, it was implemented using a scheduler that maintained equal ratios in any given batch between different label values. The scheduler constructed individual batches, half with equal ratios between classes of the label, and the other half with equal ratios of iterative confounding factors (thus, for Alzheimer’s classification, 50% of one batch would be composed of data that is half Alzheimer’s and half control, while the other 50% would have equal ratios of male and female; in the next batch 50% would be half Alzheimer’s and half control and the other 50% equal distributions of age; and so on). 48 MRIs of these batches were then loaded into main memory at a time and trained for five iterations in random order. After a batch had been completely loaded and discarded from main memory, a new one would then be sampled. This process was repeated until 33,000 datapoints had been loaded and trained on.

To make the MUCRAN, baseline, and confounded model classes more comparable, they were trained side-by-side, with data fed in the same order.

Ensemble evaluation

A test set may consist of in-distribution similar to the training set and out-of-distribution data that is unlike the training set. To evaluate our test sets, a consensus approach was applied that separated out-of-distribution data from in-distribution data. Ten models (i.e., base learners) were trained independently in an ensemble; for each point evaluated in the test set, ten predictions for each label were output. After a softmax layer, the sum of each of these predictions were normalized to 1. These ten predictions were averaged across the ensemble, and the averaged prediction with the higher value was taken as the final prediction for that datapoint. This averaged prediction fell in the range between 0.5 and 1.0 (see Fig 1C for an illustration of this thresholding). As individual measurements are averaged across an ensemble of models, averaged in-distribution measurements tend towards either 0.0 or 1.0, indicating that all models agree on a classification, while averaged out-of-distribution measurements tend towards 0.5, indicating that the outputs are essentially random. Thus, after averaging predictions using an ensemble of models, in-distribution measurements can be isolated by removing outputs with an average that falls below a certain threshold value (i.e., varies across ensembles). In the reported results for all tests, we show the differences in model accuracy on both the entire test set (threshold = 0.5) and for just the “in-distribution” portion (threshold = 0.9).

References

  1. 1. Falkai P, Schmitt A, Andreasen N. Forty years of structural brain imaging in mental disorders: is it clinically useful or not? Dialogues Clin Neurosci. 2018;20:179–186.
  2. 2. Wen J, Thibeau-Sutre J, Diaz-Meloe M, Samper-Gonzáleze J, Routiere A, Bottanie S, et al. Convolutional Neural Networks for Classification of Alzheimer’s Disease: Overview and Reproducible Evaluation. Medical Image Analysis. 2020;63. pmid:32417716
  3. 3. Gollub RL, Benson N. Use of Medical Imaging to Advance Mental Health Care: Contributions from Neuroimaging Informatics. In: Tenenbaum JD, Ranallo PA, editors. Mental Health Informatics: Enabling a Learning Mental Healthcare System. 1st ed. Springer Nature Switzerland; 2021. p. 191–216.
  4. 4. Elemento O, Leslie C, Lundin J, Tourassi G. Artificial intelligence in cancer research, diagnosis and therapy. Nature Reviews Cancer. 2021;21:747–752. pmid:34535775
  5. 5. Lee K, Lee K, Lee H, Shin J. A Simple Unified Framework for Detecting Out-of-Distribution Samples and Adversarial Attacks. arXiv. 2018;1807.03888.
  6. 6. Dayan I, Roth HR, Zhong A, et al. Federated learning for predicting clinical outcomes in patients with COVID-19. Nature Medicine. 2021;27:1735–1743. pmid:34526699
  7. 7. Leming M, Suckling J. Deep learning for sex classification in resting-state and task functional brain networks from the UK Biobank. NeuroImage. 2021;241:118409. pmid:34293465
  8. 8. Leming M, Das S, Im H. Construction of a confounder-free clinical MRI dataset in the Mass General Brigham system for classification of Alzheimer’s disease. Artificial Intelligence in Medicine. 2022;129. pmid:35659387
  9. 9. Johnson WE, Li C, Rabinovic A. Adjusting batch effects in microarray expression data using empirical Bayes methods. Biostatistics. 2007;8:118–127. pmid:16632515
  10. 10. Yu M, Linn KA, Cook PA, Phillips ML, McInnis M, Fava M, et al. Statistical harmonization corrects site effects in functional connectivity measurements from multi-site fMRI data. Hum Brain Mapp. 2018;39:4213–4227. pmid:29962049
  11. 11. Bolker BM, Brooks ME, Clark CJ, Geange SW, Poulsen JR, Stevens MHH, et al. Generalized linear mixed models: A practical guide for ecology and evolution. Trends in Ecology & Evolution. 2009;24:127–135. pmid:19185386
  12. 12. Espín-Pérez A, Portier C, Chadeau-Hyam M, van Veldhoven K, Kleinjans JCS, de Kok TMCM. Comparison of statistical methods and the use of quality control samples for batch effect correction in human transcriptome data. PLoS One. 2018;13:e0202947. pmid:30161168
  13. 13. Zhao Q, Adeli E, Pohl K. Training confounder-free deep learning models for medical applications. Nature Communications. 2020;11. pmid:33243992
  14. 14. Kimmel JC, Kelley DR. Semi-supervised adversarial neural networks for single-cell classification. Genome Res. 2021;31:677–688.
  15. 15. Shad R, Cunningham JP, Ashley EA, Langlotz CP, Hiesinger W. Designing clinically translatable artificial intelligence systems for high-dimensional medical imaging. Nature Machine Intelligence. 2021;3:929–935.
  16. 16. Gal Y, Ghahramani Z. Dropout as a Bayesian Approximation: Representing Model Uncertainty in Deep Learning. Proceedings of the 33 rd International Conference on Machine Learning. 2016;48.
  17. 17. Liu JZ, Lin Z, Padhy S, Tran D, Bedrax-Weiss T, Lakshminarayanan B. Simple and Principled Uncertainty Estimation with Deterministic Deep Learning via Distance Awareness. arXiv. 2020;.
  18. 18. Gawlikowski J, Tassi CRN, Ali M, Lee J, Humt M, Feng J, et al. A Survey of Uncertainty in Deep Neural Networks. arXiv. 2021;.
  19. 19. Lakshminarayanan B, Pritzel A, Blundell C. Simple and Scalable Predictive Uncertainty Estimation using Deep Ensembles. NIPS’17: Proceedings of the 31st International Conference on Neural Information Processing Systems. 2017; p. 6405–6416.
  20. 20. Han T, Yan-Fu L. Out-of-distribution detection-assisted trustworthy machinery fault diagnosis approach with uncertainty-aware deep ensembles. Reliability Engineering & System Safety. 2022;226. https://doi.org/10.1016/j.ress.2022.108648
  21. 21. Goodfellow IJ, Pouget-Abadie J, Mirza M, Xu B, Warde-Farley D, Ozair S, et al. Generative Adversarial Nets. Advances in Neural Information Processing Systems 27. 2014; p. 2672–2680.
  22. 22. Cook TD, Campbell DT, Shadish W. Experimental and Quasi-experimental Designs for Generalized Causal Inference. Houghton Mifflin; 2002.
  23. 23. Snoek L, Miletic S, Scholte HS. How to control for confounds in decoding analyses of neuroimaging data. NeuroImage. 2019;184:741–760. pmid:30268846
  24. 24. Todd MT, Nystrom LE, Cohen JD. Confounds in multivariate pattern analysis: theory and rule representation case study. NeuroImage. 2013;77:157–165. pmid:23558095
  25. 25. Kostro D, Abdulkadir A, Durr A, Roos R, Leavitt BR, Johnson H, et al. Correction of inter-scanner and within-subject variance in structural MRI based automated diagnosing. NeuroImage. 2014;98:405–415. pmid:24791746
  26. 26. Dubois J, Galdi P, Han Y, Paul LK, Adolphs R. Resting-State Functional Brain Connectivity Best Predicts the Personality Dimension of Openness to Experience. Personality Neuroscience. 2018;1. pmid:30225394
  27. 27. More S, Eickhoff SB, Caspers J, Patil KR. Confound Removal and Normalization in Practice: A Neuroimaging Based Sex Prediction Case Study. Machine Learning and Knowledge Discovery in Databases. 2021;12461:3–18. https://doi.org/10.1007/978-3-030-67670-4
  28. 28. Hosenbocus S, Chahal R. Memantine: A Review of Possible Uses in Child and Adolescent Psychiatry. J Can Acad Child Adolesc Psychiatry. 2013;22:166–171. pmid:23667364
  29. 29. Chintala S, Denton E, Arjovsky M, Mathieu M. How to Train a GAN? Tips and tricks to make GANs work. NIPS2016. 2016;.
  30. 30. Radford A, Metz L, Chintala S. Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks. ICLR. 2016;.
  31. 31. Salimans T, Goodfellow I, Zaremba W, Cheung V, Radford A, Chen X. Improved Techniques for Training GANs. arXiv. 2016;.