11institutetext: School of Engineering, The University of Edinburgh, Edinburgh, EH9 3FG, UK 22institutetext: Krannert Cardiovascular Research Center, Indiana University School of Medicine, Indianapolis, Indiana, USA33institutetext: The Alan Turing Institute, London, NW1 2DB, UK

The MRI Scanner as a Diagnostic:
Image-less Active Sampling

Yuning Du 11    Rohan Dharmakumar 22    Sotirios A.Tsaftaris 11 3 3
Abstract

Despite the high diagnostic accuracy of Magnetic Resonance Imaging (MRI), using MRI as a Point-of-Care (POC) disease identification tool poses significant accessibility challenges due to the use of high magnetic field strength and lengthy acquisition times. We ask a simple question: Can we dynamically optimise acquired samples, at the patient level, according to an (automated) downstream decision task, while discounting image reconstruction? We propose an ML-based framework that learns an active sampling strategy, via reinforcement learning, at a patient-level to directly infer disease from undersampled k𝑘kitalic_k-space. We validate our approach by inferring Meniscus Tear in undersampled knee MRI data, where we achieve diagnostic performance comparable with ML-based diagnosis, using fully sampled k𝑘kitalic_k-space data. We analyse task-specific sampling policies, showcasing the adaptability of our active sampling approach. The introduced frugal sampling strategies have the potential to reduce high field strength requirements that in turn strengthen the viability of MRI-based POC disease identification and associated preliminary screening tools.

Keywords:
Point-of-Care Diagnosis Active Sampling StrategyReinforcement Learning Magnetic Resonance Imaging.

1 Introduction

Despite the proliferation of Magnetic Resonance Imaging (MRI), its role as a Point-Of-Care (POC) diagnostic tool is muted due to poor accessibility caused by long acquisition time and cumbersome equipment [4]. Consequently, advancements have been made in assisting the diagnostic process with machine learning methods to sample less k𝑘kitalic_k-space data and reduce acquisition time in turn [8].

We first illustrate how learning-based strategies can help to reduce acquisition time by considering the depiction of conventional MRI-based diagnostic processes. In Figure 1a. an MRI scanner samples the full k𝑘kitalic_k-space, resulting in high-fidelity images, which are further interpreted by professional radiologists to identify biomarkers and provide a diagnosis. Alternatively, machine-learning (ML) based diagnostic processes can enable acquisition time savings by reconstructing a high-fidelity image from undersampled k𝑘kitalic_k-space (Figure 1b). Previous work has focused on optimising both reconstruction [3] and k𝑘kitalic_k-space sampling strategies [1]. To find the best k𝑘kitalic_k-space sampling pattern, various methods [17, 18, 12] optimise the mask given pre-defined sample rates, resulting in population-level masks, while reinforcement-learning-based methods [2, 11] can optimise an active sampling strategy at population or patient-level. A re-interpretation of such conventional use of MRI can lead to considerable savings, which will largely enable a low-field MRI future opening the road to POC and bedside imaging.

Refer to caption
Figure 1: Conventional vs. ML-based Diagnostic Processes.

Considering that image reconstruction is a shared stage in both conventional (Figure 1a) and ML-based (Figure 1b) diagnostic processes, one ponders Is the image necessary for automated, diagnostic, inferences? One option is to perform direct inference on undersampled k𝑘kitalic_k-space as shown in Figure 1c. In fact, [14] have shown that it is possible to obtain biomarkers directly from k𝑘kitalic_k-space data. However, one then immediately ponders Can AI agents learn effective k𝑘kitalic_k-space sampling strategies by considering expected diagnostic performance? A recent realisation of this concept is presented in [15]. The work formulates the described process as a classification task with an optimised sampling strategy. However, the sampling strategy is designed at the population-level, resulting in the same mask for all patients. All approaches that find optimal patient-level active sampling strategies use image reconstruction [2, 11, 20]. To the best of our knowledge, active sampling strategies for patient-level disease inference, from undersampled k𝑘kitalic_k-space, are lacking. Motivated by this, our contributions include:

  1. \bullet

    We propose, the first, patient-level active sampling using a reinforcement learning framework, aiming for direct disease inference from k𝑘kitalic_k-space.

  2. \bullet

    We test feasibility to infer Meniscus Tear presence in undersampled MRI.

  3. \bullet

    We investigate how different policies make decisions and how different starting points alter behaviour.

2 MRI Undersampling Preliminaries

Instead of directly imaging the human anatomy, MRI captures the electromagnetic activity in the body after exposure to magnetic fields and radiofrequency pulses, which can be measured in k𝑘kitalic_k-space (i.e., the frequency domain). Considering the single coil measurement, the k𝑘kitalic_k-space data can be represented as a 2-dimensional complex-valued matrix xr×c𝑥superscript𝑟𝑐x\in\mathbb{C}^{r\times c}italic_x ∈ blackboard_C start_POSTSUPERSCRIPT italic_r × italic_c end_POSTSUPERSCRIPT, where r𝑟ritalic_r is the number of rows and c𝑐citalic_c is the number of columns. The spatial image I𝐼Iitalic_I can be obtained by applying the inverse Fourier Transform to x𝑥xitalic_x, denoted as I=1(x)𝐼superscript1𝑥I=\mathcal{F}^{-1}(x)italic_I = caligraphic_F start_POSTSUPERSCRIPT - 1 end_POSTSUPERSCRIPT ( italic_x ). The undersampled k𝑘kitalic_k-space can be therefore represented as xs=ULxsubscript𝑥𝑠subscript𝑈𝐿𝑥x_{s}=U_{L}\circ xitalic_x start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT = italic_U start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT ∘ italic_x, where ULsubscript𝑈𝐿U_{L}italic_U start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT can be viewed as a binary mask U{0,1}r×c𝑈superscript01𝑟𝑐U\in\{0,1\}^{r\times c}italic_U ∈ { 0 , 1 } start_POSTSUPERSCRIPT italic_r × italic_c end_POSTSUPERSCRIPT with L measurements from k𝑘kitalic_k-space. In our work, we exclusively consider the Cartesian mask for MRI undersampling. Consequently, the undersampled image is denoted as Is=1(xs)subscript𝐼𝑠superscript1subscript𝑥𝑠I_{s}=\mathcal{F}^{-1}(x_{s})italic_I start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT = caligraphic_F start_POSTSUPERSCRIPT - 1 end_POSTSUPERSCRIPT ( italic_x start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ).

Refer to caption
Figure 2: Our framework for active MRI sampling for point-of-care diagnosis.

3 Methods

Overview: Our framework, illustrated in Figure 2, aims to reduce acquisition time by selectively sampling the k𝑘kitalic_k-space according to diagnostic significance, in a progressive fashion. The process begins with a small subset of randomly sampled k𝑘kitalic_k-space with L measurements denoted as xs0=ULxsubscript𝑥subscript𝑠0subscript𝑈𝐿𝑥x_{s_{0}}=U_{L}\circ xitalic_x start_POSTSUBSCRIPT italic_s start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT end_POSTSUBSCRIPT = italic_U start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT ∘ italic_x, resulting in a low-quality image Is0subscript𝐼subscript𝑠0I_{s_{0}}italic_I start_POSTSUBSCRIPT italic_s start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT end_POSTSUBSCRIPT. Is0subscript𝐼subscript𝑠0I_{s_{0}}italic_I start_POSTSUBSCRIPT italic_s start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT end_POSTSUBSCRIPT is then input into a pre-trained classification network f𝑓fitalic_f to generate the initial prediction y0subscript𝑦0y_{0}italic_y start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT. The extracted feature maps m0subscript𝑚0m_{0}italic_m start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT are processed by the Feature Operator O𝑂Oitalic_O, producing high-level features h0=O(m0)subscript0𝑂subscript𝑚0h_{0}=O(m_{0})italic_h start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT = italic_O ( italic_m start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ), which are then fed into the Active Sampler S𝑆Sitalic_S. The policy network generates a sampling policy pϕ(h0)subscript𝑝italic-ϕsubscript0p_{\phi}(h_{0})italic_p start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT ( italic_h start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) parameterised by ϕitalic-ϕ\phiitalic_ϕ, guiding the selective sampling of diagnostically significant lines from the k𝑘kitalic_k-space. These sampled lines are subsequently added to ULsubscript𝑈𝐿U_{L}italic_U start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT. The updated undersampled k𝑘kitalic_k-space data at step t[0,T]𝑡0𝑇t\in[0,T]italic_t ∈ [ 0 , italic_T ] are denoted as xst=Utxsubscript𝑥subscript𝑠𝑡subscript𝑈𝑡𝑥x_{s_{t}}=U_{t}\circ xitalic_x start_POSTSUBSCRIPT italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT end_POSTSUBSCRIPT = italic_U start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ∘ italic_x, and are then fed back into the classification network with inverse Fourier transform. The iterative process continues until a sampling budget T𝑇Titalic_T is exhausted or user-defined reliability criteria are satisfied. During the training stage, the predictions ytsubscript𝑦𝑡y_{t}italic_y start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT, accompanied by the ground truth diagnostic label g𝑔gitalic_g, are used as the criterion rt=r(yt,g)subscript𝑟𝑡𝑟subscript𝑦𝑡𝑔r_{t}=r(y_{t},g)italic_r start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = italic_r ( italic_y start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_g ) to supervise the S𝑆Sitalic_S. While in inferece stage, there is no ground truth diagnostic label g𝑔gitalic_g provided.

Classification Network and Image Operator: To improve stability, the classification network is pre-trained with undersampled k𝑘kitalic_k-space data, ensuring an advantageous reward for the active sampler during training. This network also functions as the feature extractor in our setting. In the classification network, the earlier layers tend to learn low-level features such as edges, textures, and simple patterns, while deeper layers learn more complex and high-level features that are useful for discriminating between different classes. Therefore, utilising the feature maps from the model, the high-level features are selected and processed by the feature operator as further inputs.

Active k𝑘kitalic_k-space Sampler with Greedy Policy: Inspired by [2, 11], the sequential selection of k𝑘kitalic_k-space can be formalised as a Partially Observable Markov Decision Process (POMDP) [16]. Greedy Policy is used to maximise the expected return J(ϕ)𝐽italic-ϕJ(\phi)italic_J ( italic_ϕ ) of a policy pϕsubscript𝑝italic-ϕp_{\phi}italic_p start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT parameterised by ϕitalic-ϕ\phiitalic_ϕ in such a POMDP. At each step, the classification improvement can be calculated using R(rt,rt+1)=r(yt+1,g)r(yt,g)𝑅subscript𝑟𝑡subscript𝑟𝑡1𝑟subscript𝑦𝑡1𝑔𝑟subscript𝑦𝑡𝑔R(r_{t},r_{t+1})=r(y_{t+1},g)-r(y_{t},g)italic_R ( italic_r start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_r start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ) = italic_r ( italic_y start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT , italic_g ) - italic_r ( italic_y start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_g ), where the criterion r𝑟ritalic_r is the cross-entropy.

During inference, the agent will be sampling one-line at a time. However, this will slow during training. Hence, the policy network is trained by sampling several lines in parallel the rewards of which are averaged [6]. Formally, we sample q𝑞qitalic_q lines at every time step, for a reward Ri,tsubscript𝑅𝑖𝑡R_{i,t}italic_R start_POSTSUBSCRIPT italic_i , italic_t end_POSTSUBSCRIPT as the reward obtained from sample i𝑖iitalic_i at time step t𝑡titalic_t, to obtain the following estimator:

ϕJ(ϕ)1q1𝔼xi=1qt=LT1[ϕlogpϕ(ht)(Ri,t1qj=1qRj,t)].subscriptitalic-ϕ𝐽italic-ϕ1𝑞1subscript𝔼𝑥superscriptsubscript𝑖1𝑞superscriptsubscript𝑡𝐿𝑇1delimited-[]subscriptitalic-ϕsubscript𝑝italic-ϕsubscript𝑡subscript𝑅𝑖𝑡1𝑞superscriptsubscript𝑗1𝑞subscript𝑅𝑗𝑡\nabla_{\phi}J(\phi)\approx\frac{1}{q-1}\mathbb{E}_{x}\sum_{i=1}^{q}\sum_{t=L}% ^{T-1}\left[\nabla_{\phi}\log p_{\phi}\left(h_{t}\right)\left(R_{i,t}-\frac{1}% {q}\sum_{j=1}^{q}R_{j,t}\right)\right].∇ start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT italic_J ( italic_ϕ ) ≈ divide start_ARG 1 end_ARG start_ARG italic_q - 1 end_ARG blackboard_E start_POSTSUBSCRIPT italic_x end_POSTSUBSCRIPT ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_q end_POSTSUPERSCRIPT ∑ start_POSTSUBSCRIPT italic_t = italic_L end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T - 1 end_POSTSUPERSCRIPT [ ∇ start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT roman_log italic_p start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT ( italic_h start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) ( italic_R start_POSTSUBSCRIPT italic_i , italic_t end_POSTSUBSCRIPT - divide start_ARG 1 end_ARG start_ARG italic_q end_ARG ∑ start_POSTSUBSCRIPT italic_j = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_q end_POSTSUPERSCRIPT italic_R start_POSTSUBSCRIPT italic_j , italic_t end_POSTSUBSCRIPT ) ] .

(1)

Evaluation Metrics: To assess the network’s classification performance, we employ metrics such as Recall, Area Under Curve (AUC), and Specificity.

4 Experiments

4.1 Dataset and Pre-processing

Dataset: We used single-coil k𝑘kitalic_k-space data and slice-level labels from the publicly available fastMRI dataset [19] and fastMRI+ dataset [21]. Randomly selecting 1100110011001100 annotated volumes (39125391253912539125 slices) from the fastMRI Knee dataset. Our diagnostic task is to identification Meniscus Tear (MT) in each slice. Thereby, there are 32035320353203532035 train slices (11.8%percent11.811.8\%11.8 % with MT), 5249524952495249 validation slices (9.3%percent9.39.3\%9.3 % with MT), and 1841184118411841 test slices (11.1%percent11.111.1\%11.1 % with MT).

Table 1: Diagnosis Support and Data Access of Implemented Methods.
Diagnostic Support Data Used by the Model
Method Sampling Optimization Patient-level Strategy Full k𝑘kitalic_k-space Diagnostic Label Undersampled k𝑘kitalic_k-space
Oracle
Undersampled
Policy Reconstruction [2]
Policy Classifier(Ours)

Data Pre-processing: Since the k𝑘kitalic_k-space data have various sizes, we first use inverse Fourier transform to the fully sampled k𝑘kitalic_k-space data to get the ground truth image and crop it to size (320×320)320320(320\times 320)( 320 × 320 ) for computation convenience. Thereby, the fully sampled k𝑘kitalic_k-space data of uniform size can be obtained by applying Fourier transform to the ground truth image. Notably, there is a severe class imbalance regarding the MT identification task. During training the classification network, we oversample the data to avoid overfitting on the majority class and poor generalisation on the minority class.

4.2 Implementation Details

We devise inference benchmarks to allow us to evaluate our approach in a fair fashion. Two benchmarks have the access to fully sampled k𝑘kitalic_k-space(high-fidelity images), and two do not optimise at the patient level the sampling strategy. The diagnosis support and data access are shown in Table 1.

Fully Sampled (Oracle): This serves as an benchmark estimator of classifier performance on image input obtained by fully sampled k𝑘kitalic_k-space data, and hence no sampling optimisation occurs. We trained the classifier with the ground truth image as input which is transformed from fully sampled k𝑘kitalic_k-space data and supervised by the diagnostic label using cross-entropy loss. We use as classification backbone a ResNet-50 [5] and to address the class imbalance in the training set, we add extra dropout layers overfitting, resulting in a total of 25.6M25.6M25.6\mathrm{M}25.6 roman_M parameters.

Undersampled: This classifier serves as a baseline of performance when simple inverse Fourier is used to transform the under-sampled k𝑘kitalic_k-space data, without any sampling optimisation. It has the same backbone as the Oracle, and is trained with undersampled images with various sample rates (4444 to 20202020) and center fraction (00 to 0.100.100.100.10), supervised as before.

Policy (via) Reconstruction [2]: We compare with a model that optimises patient-level sampling strategy with image reconstruction error as rewards. Notably this method has access to fully sampled k𝑘kitalic_k-space, and hence has access to more information during training. We pre-trained a reconstruction network using a U-Net [13] as the backbone with a first feature map size of 16161616 and 4444 pooling cascades, resulting in a total of 837K837K837\mathrm{K}837 roman_K parameters. The reconstruction network is trained with various sample rates (4444 to 20202020) and center fraction (00 to 0.100.100.100.10) supervised using the 1subscript1\ell_{1}roman_ℓ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT loss. We train the active sampler for reconstruction with reconstructed images from pre-trained model as inputs, and Structural Similarity Index Measure as the criterion to provide rewards, resulting in a total of 26.7M26.7M26.7\mathrm{M}26.7 roman_M parameters. The reconstructed images obtained with the policy network and pre-trained reconstruction model are evaluated with the Oracle, referred to as the Policy-based Reconstruction Network (Policy Reconstruction).

Proposed Policy Classifier: For our method, a backbone similar to the Undersampled is used as pre-trained classification network. The reward is driven by the predictions of the network and its feature maps are used to train the policy. The Feature Operator uses the last 2 layers’ feature maps as input and the global average pooling function to achieve a (80,512)80512(80,512)( 80 , 512 ) output to feed in the policy network. The policy network (11M11M11\mathrm{M}11 roman_M parameters) uses the cross entropy from classification network to provide rewards. It is trained with an initial sample rate of 5%percent55\%5 % with multiple center fraction and samples 64646464 lines to reach the sample rate of 25%percent2525\%25 % as the sampling budget. The parallel acquisition q=8𝑞8q=8italic_q = 8.

For all methods, we employ the Adam optimiser with a learning rate of 104superscript10410^{-4}10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT and a step-based scheduler with a decay gamma of 0.10.10.10.1 for all model training. All classification and reconstruction models are trained for 30303030 epochs, and the policy networks of the active sampler are trained for 20202020 epochs. Our experimental setup uses the PyTorch framework, and all computations are conducted on NVIDIA A100 Tensor Core GPUs. Our code111https://anonymous.4open.science/r/KspaceToDiagnosis-CB5E is available.

4.3 Results

Refer to caption
Figure 3: Classification performance varying sample rates (horizontal axis). More metrics are reported in the Supplementary.

Making Diagnostic Decisions with Undersampled Data
Figure 3 compares the performance at various sample rates for three strategies that use undersampled masks, namely the Undersampled, Policy Reconstruction and Policy Classifier. The first randomly samples k𝑘kitalic_k-space lines progressively; the other two start with a randomly initialised mask with a sample rate of 5%percent55\%5 % and optimally decide using their respective rewards and policies (see Section 3). Our method, the Policy Classifier, consistently outperforms the Undersampled baseline across all metrics, showing that optimal sampling via the policy network helps in identifying diagnostically relevant k𝑘kitalic_k-space lines. This leads to considerable savings in data sampled (and consequently scan time). Our model approximates well the performance of the Oracle, which has been trained on high-fidelity data, and reaches optimal performance quickly. Taking AUC as an example, our approach reaches an AUC of 0.780 with 7% of the sampled k𝑘kitalic_k-space. Our method closely approximates the performance of the Policy Reconstruction, which we highlight has been trained with access to fully sampled k𝑘kitalic_k-space.222 We observe that the Policy Reconstruction performs better than the Oracle. This policy reconstructs an image which is given to the Oracle for classification. Some denoising and smoothing are happening at the reconstruction which in turn acts as a regulariser for the Oracle classifier explaining this slightly improved performance.

Refer to caption
Figure 4: k𝑘kitalic_k-space behaviour of the two policies. The horizontal axis indicates the cumulative lines acquired while sampling.The initial 16 lines are randomly sampled.

k𝑘kitalic_k-space Sampling Behaviour of the Policies
The results of the previous paragraph are reported over a coarse percentage of k𝑘kitalic_k-space lines acquired. It is worth looking into how the two different policies behave when asking each policy to progressively make decisions on which line to acquire in a line-by-line manner. The results of this exercise are shown in Figure 4. The behaviour of the two methods is evidently different. Taking Recall and AUC as examples, the Policy Classifier plateaus quickly, reaching excellent performance with 22 sampled lines and continuing to make, small, improvements. The Policy Reconstruction over the same interval makes sub-optimal (to classification) decisions before it plateaus. This behaviour can be explained by the fact that a reconstruction policy may not favour lines useful for classification. The Policy Classifier appears to change behaviour between 19 and 21 lines acquired. This can be attributed to a drift from how the classifier was pre-trained with randomly sampled lines. We discuss solutions to this later.

Refer to caption
Figure 5: k𝑘kitalic_k-space preference as a function of sample rate (vertical axis downward) and for 3 center fraction scenarios. Colorbar indicates the possibility of being sampled.

Task-specific ‘Coarse-to-Fine’ Sampling Policy
It would be interesting to see which k𝑘kitalic_k-space lines are favoured by our policy and how altering the starting point (namely different percentage of center fraction which represents the amount of low-frequency k𝑘kitalic_k-space intentionally sampled from the center of the k𝑘kitalic_k-space) modulates this behaviour. Figure 5 illustrates the average masks provided by three policy networks. Comprared with the sampling policy for reconstruction in supplementary, this analysis reveals that early on the policy favours both low-frequency and some high-frequency data. However, later on the policy favours specific diagnostically-relevant k𝑘kitalic_k-space lines of high-frequency. Hence we see the policy capturing ‘Coarse’ features such as anatomical structures or essential patterns first and later ‘Fine’ details from the high-frequency data. When center fraction increases, the policy samples even more high-frequency information early on. While this might be obvious it is actually driven by low AUC performance when forcing the model to sample more center lines from the start (the AUC drops from 0.7940.7940.7940.794 to 0.7430.7430.7430.743 when the center fraction is set to 0.050.050.050.05, see also more metrics in the supplementary). By forcing the model to sample redundant low-frequency data, the policy tries to recover to identify diagnostically significant data within the k𝑘kitalic_k-space.

5 Discussion

Clinical Relevance: Our method actively samples k𝑘kitalic_k-space data whilst simultaneously conducting disease inference, enabling real-time diagnosis during scanning. This approach eliminates the need for sampling full k𝑘kitalic_k-space, thereby reducing acquisition time. In addition, our approach does not require high-fidelity fully sampled data for policy training, which is a hard requirement of reconstruction policies. We believe this has the potential to further accelerate the development of low-field MR. We envision applications in pre-screening by offering preliminary diagnostic results to aid in resource allocation, particularly in regions with limited medical resources.

Limitations: Our proof of concept is based on the fastMRI knee data and specifically MT. One could readily see the application of a portable low-field scanner in sports medicine [10] but it is a less compelling clinical application. Ideally, a dataset of e.g. stroke and acute brain trauma [9], which would probe diverse, and not only structural, MR signal characteristics would be more compelling. At this moment such dataset is currently lacking. Our policy network relies on a pre-trained classifier, which requires pre-training with diverse undersampled data. It is of great interest to train the classifier simultaneously with the policy network. Finally, our policy network does not leverage physical priors of k𝑘kitalic_k-space utility which are implicitly leveraged by reconstruction policies using a pre-trained reconstruction network. Such prior also may encode physical limitations [7] of the employed sequence in making sampling decisions.

6 Conclusion

Our proposed framework presents a novel approach to enhance the efficiency and accessibility of MRI as a Point of Care (POC) diagnostic tool by optimising sampling patterns in a learnable fashion. Our approach distinctly stipulates that k𝑘kitalic_k-space sampling acquisition decisions are undertaken by an agent optimising a dynamic per-patient classification task. Results reporting direct inference from undersampled k𝑘kitalic_k-space data, concerning the presence of Meniscus Tear, showed that our approach achieves the comparable performance as an Oracle Classifier whilst reducing acquisition time with only 25% k𝑘kitalic_k-space usage. Furthermore, our analysis of task-specific sampling policies revealed that the policy network adapted its sampling strategy based on the nature of the task, demonstrating the adaptability of the active sampling approach.

References

  • [1] Bahadir, C.D., Wang, A.Q., Dalca, A.V., Sabuncu, M.R.: Deep-learning-based optimization of the under-sampling pattern in mri. IEEE Transactions on Computational Imaging 6, 1139–1152 (2020)
  • [2] Bakker, T., van Hoof, H., Welling, M.: Experimental design for mri by greedy policy search. Advances in Neural Information Processing Systems 33, 18954–18966 (2020)
  • [3] Cai, L., Gao, J., Zhao, D.: A review of the application of deep learning in medical image classification and segmentation. Annals of translational medicine 8(11) (2020)
  • [4] Geethanath, S., Vaughan Jr, J.T.: Accessible magnetic resonance imaging: a review. Journal of Magnetic Resonance Imaging 49(7), e65–e77 (2019)
  • [5] He, K., Zhang, X., Ren, S., Sun, J.: Identity map**s in deep residual networks. In: Computer Vision–ECCV 2016: 14th European Conference, Amsterdam, The Netherlands, October 11–14, 2016, Proceedings, Part IV 14. pp. 630–645. Springer (2016)
  • [6] Kool, W., van Hoof, H., Welling, M.: Buy 4 reinforce samples, get a baseline for free! (2019)
  • [7] Kuperman, V.: Magnetic resonance imaging: physical principles and applications. Elsevier (2000)
  • [8] Lin, D.J., Johnson, P.M., Knoll, F., Lui, Y.W.: Artificial intelligence for mr image reconstruction: an overview for clinicians. Journal of Magnetic Resonance Imaging 53(4), 1015–1028 (2021)
  • [9] Lyu, M., Mei, L., Huang, S., Liu, S., Li, Y., Yang, K., Liu, Y., Dong, Y., Dong, L., Wu, E.X.: M4raw: A multi-contrast, multi-repetition, multi-channel mri k-space dataset for low-field mri research. Scientific Data 10(1),  264 (2023)
  • [10] Massimiliano, L., Giuseppe, G., Michela, B., Michele, A., Silvia, R., Alessio, P., Francesco, P., Lia, R., Alessandro, S., Federico, A.G., et al.: Role of low field mri in detecting knee lesions. Acta Bio Medica: Atenei Parmensis 90(Suppl 1),  116 (2019)
  • [11] Pineda, L., Basu, S., Romero, A., Calandra, R., Drozdzal, M.: Active mr k-space sampling with reinforcement learning. In: Medical Image Computing and Computer Assisted Intervention–MICCAI 2020: 23rd International Conference, Lima, Peru, October 4–8, 2020, Proceedings, Part II 23. pp. 23–33. Springer (2020)
  • [12] Ravula, S., Levac, B., Jalal, A., Tamir, J.I., Dimakis, A.G.: Optimizing sampling patterns for compressed sensing mri with diffusion generative models. arXiv preprint arXiv:2306.03284 (2023)
  • [13] Ronneberger, O., Fischer, P., Brox, T.: U-net: Convolutional networks for biomedical image segmentation. In: Medical Image Computing and Computer-Assisted Intervention–MICCAI 2015: 18th International Conference, Munich, Germany, October 5-9, 2015, Proceedings, Part III 18. pp. 234–241. Springer (2015)
  • [14] Schlemper, J., Oktay, O., Bai, W., Castro, D.C., Duan, J., Qin, C., Hajnal, J.V., Rueckert, D.: Cardiac mr segmentation from undersampled k-space using deep latent representation learning. In: Medical Image Computing and Computer Assisted Intervention–MICCAI 2018: 21st International Conference, Granada, Spain, September 16-20, 2018, Proceedings, Part I. pp. 259–267. Springer (2018)
  • [15] Singhal, R., Sudarshan, M., Mahishi, A., Kaushik, S., Ginocchio, L., Tong, A., Chandarana, H., Sodickson, D.K., Ranganath, R., Chopra, S.: On the feasibility of machine learning augmented magnetic resonance for point-of-care identification of disease. arXiv preprint arXiv:2301.11962 (2023)
  • [16] Sondik, E.J.: The optimal control of partially observable Markov processes. Stanford University (1971)
  • [17] Wang, J., Yang, Q., Yang, Q., Xu, L., Cai, C., Cai, S.: Joint optimization of cartesian sampling patterns and reconstruction for single-contrast and multi-contrast fast magnetic resonance imaging. Computer Methods and Programs in Biomedicine 226, 107150 (2022)
  • [18] Xuan, K., Sun, S., Xue, Z., Wang, Q., Liao, S.: Learning mri k-space subsampling pattern using progressive weight pruning. In: Medical Image Computing and Computer Assisted Intervention–MICCAI 2020: 23rd International Conference, Lima, Peru, October 4–8, 2020, Proceedings, Part II 23. pp. 178–187. Springer (2020)
  • [19] Zbontar, J., Knoll, F., Sriram, A., Murrell, T., Huang, Z., Muckley, M.J., Defazio, A., Stern, R., Johnson, P., Bruno, M., et al.: fastmri: An open dataset and benchmarks for accelerated mri. arXiv preprint arXiv:1811.08839 (2018)
  • [20] Zhang, Z., Romero, A., Muckley, M.J., Vincent, P., Yang, L., Drozdzal, M.: Reducing uncertainty in undersampled mri reconstruction with active acquisition. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. pp. 2049–2058 (2019)
  • [21] Zhao, R., Yaman, B., Zhang, Y., Stewart, R., Dixon, A., Knoll, F., Huang, Z., Lui, Y.W., Hansen, M.S., Lungren, M.P.: fastmri+: Clinical pathology annotations for knee and brain fully sampled multi-coil mri data. arXiv preprint arXiv:2109.03812 (2021)

Supplementary

Table 2: Image Classification Performance with Various Sample Rates and Center Fraction. Numbers in bold represent the upper bound.
Center Fraction 0.00 0.01 0.05
AUC\uparrow
Sample Rate 5% 7% 10% 13% 17% 25% 5% 7% 10% 13% 17% 25% 5% 7% 10% 13% 17% 25%
Oracle 0.819 0.819 0.819 0.819 0.819 0.819 0.819 0.819 0.819 0.819 0.819 0.819 0.819 0.819 0.819 0.819 0.819
Undersampled 0.666 0.689 0.710 0.736 0.745 0.756 0.729 0.761 0.789 0.764 0.776 0.783 0.752 0.751 0.747 0.745 0.743 0.749
Recon Classifier 0.586 0.612 0.648 0.647 0.652 0.687 0.782 0.786 0.774 0.773 0.752 0.778 0.798 0.813 0.829 0.835 0.838 0.836
Policy Reconstruction 0.583 0.806 0.829 0.844 0.841 0.837 0.757 0.808 0.817 0.826 0.827 0.813 0.789 0.818 0.833 0.829 0.827 0.831
Policy Classifier 0.666 0.777 0.775 0.781 0.785 0.791 0.717 0.789 0.785 0.784 0.775 0.794 0.752 0.755 0.739 0.742 0.741 0.743
RECALL\uparrow
Sample Rate 5% 7% 10% 13% 17% 25% 5% 7% 10% 13% 17% 25% 5% 7% 10% 13% 17% 25%
Oracle 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816 0.816
Undersampled 0.592 0.636 0.655 0.699 0.699 0.694 0.592 0.655 0.728 0.680 0.704 0.723 0.636 0.636 0.626 0.621 0.621 0.641
Recon Classifier 0.243 0.311 0.388 0.379 0.408 0.510 0.762 0.772 0.767 0.762 0.733 0.791 0.748 0.791 0.840 0.854 0.869 0.869
Policy Reconstruction 0.228 0.850 0.893 0.917 0.908 0.888 0.699 0.835 0.859 0.884 0.888 0.854 0.728 0.816 0.859 0.854 0.845 0.854
Policy Classifier 0.592 0.699 0.694 0.709 0.718 0.738 0.544 0.714 0.709 0.709 0.694 0.709 0.636 0.646 0.617 0.621 0.621 0.626
SPECIFICITY\uparrow
Sample Rate 5% 7% 10% 13% 17% 25% 5% 7% 10% 13% 17% 25% 5% 7% 10% 13% 17% 25%
Oracle 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822 0.822
Undersampled 0.740 0.741 0.765 0.774 0.791 0.817 0.866 0.866 0.851 0.848 0.848 0.843 0.869 0.865 0.869 0.869 0.864 0.857
Recon Classifier 0.928 0.914 0.907 0.916 0.895 0.864 0.801 0.799 0.781 0.783 0.771 0.764 0.849 0.834 0.818 0.815 0.807 0.804
Policy Reconstruction 0.938 0.763 0.765 0.770 0.774 0.785 0.815 0.780 0.774 0.768 0.766 0.771 0.850 0.821 0.807 0.804 0.810 0.808
Policy Classifier 0.740 0.854 0.856 0.853 0.851 0.843 0.890 0.864 0.861 0.860 0.856 0.852 0.869 0.864 0.862 0.862 0.861 0.861
Refer to caption
Figure 6: k𝑘kitalic_k-space preference for reconstruction task as a function of sample rate (vertical axis downward) and for 3 center fraction scenarios. Colorbar indicates the possibility of being sampled.