This is the official implementation of our proposed SwinMR

Overview

SwinMR

This is the official implementation of our proposed SwinMR:

Swin Transformer for Fast MRI

Please cite:

@article{huang2022swin,
      title={Swin Transformer for Fast MRI}, 
      author={Jiahao Huang and Yingying Fang and Yinzhe Wu and Huanjun Wu and Zhifan Gao and Yang Li and Javier Del Ser and Jun Xia and Guang Yang},
      year={2022},
      eprint={2201.03230},
      archivePrefix={arXiv},
      primaryClass={eess.IV}
}

Overview_of_SwinMR

Highlight

  • A novel Swin transformer-based model for fast MRI reconstruction was proposed.
  • A multi-channel loss with sensitivity maps was proposed for reserving more details.
  • Comparison studies were performed to validate the robustness of our SwinMR.
  • A pre-trained segmentation network was used to validate the reconstruction quality.

Requirements

matplotlib==3.3.4

opencv-python==4.5.3.56

Pillow==8.3.2

pytorch-fid==0.2.0

scikit-image==0.17.2

scipy==1.5.4

tensorboardX==2.4

timm==0.4.12

torch==1.9.0

torchvision==0.10.0

Training and Testing

Use different options (json files) to train different networks.

Calgary Campinas multi-channel dataset (CC)

To train SwinMR (PI) on CC:

python main_train_swinmr.py --opt ./options/train_swinmr_pi.json

To test SwinMR (PI) on CC:

python main_train_swinmr.py --opt ./options/train_swinmr_npi.json

To train SwinMR (nPI) on CC:

python main_test_swinmr.py --opt ./options/test/test_swinmr_pi.json

To test SwinMR (nPI) on CC:

python main_test_swinmr.py --opt ./options/test/test_swinmr_npi.json

Multi-modal Brain Tumour Segmentation Challenge 2017 (BraTS17)

To train SwinMR (nPI) on BraTS17:

python main_train_swinmr.py --opt ./options/train_swinmr_brats17.json

To test SwinMR (nPI) on BraTS17:

python main_test_swinmr_BraTS17.py --opt ./options/test/test_swinmr_brats17.json

This repository is based on:

SwinIR: Image Restoration Using Swin Transformer (code and paper);

Swin Transformer: Hierarchical Vision Transformer using Shifted Windows (code and paper).

You might also like...
Code and data of the Fine-Grained R2R Dataset proposed in paper Sub-Instruction Aware Vision-and-Language Navigation

Fine-Grained R2R Code and data of the Fine-Grained R2R Dataset proposed in the EMNLP2020 paper Sub-Instruction Aware Vision-and-Language Navigation. C

The implemetation of Dynamic Nerual Garments proposed in Siggraph Asia 2021
The implemetation of Dynamic Nerual Garments proposed in Siggraph Asia 2021

DynamicNeuralGarments Introduction This repository contains the implemetation of Dynamic Nerual Garments proposed in Siggraph Asia 2021. ./GarmentMoti

Code for CMaskTrack R-CNN (proposed in Occluded Video Instance Segmentation)

CMaskTrack R-CNN for OVIS This repo serves as the official code release of the CMaskTrack R-CNN model on the Occluded Video Instance Segmentation data

Implement object segmentation on images using HOG algorithm proposed in CVPR 2005
Implement object segmentation on images using HOG algorithm proposed in CVPR 2005

HOG Algorithm Implementation Description HOG (Histograms of Oriented Gradients) Algorithm is an algorithm aiming to realize object segmentation (edge

PyTorch reimplementation of the Smooth ReLU activation function proposed in the paper
PyTorch reimplementation of the Smooth ReLU activation function proposed in the paper "Real World Large Scale Recommendation Systems Reproducibility and Smooth Activations" [arXiv 2022].

Smooth ReLU in PyTorch Unofficial PyTorch reimplementation of the Smooth ReLU (SmeLU) activation function proposed in the paper Real World Large Scale

PyTorch implementation of our Adam-NSCL algorithm from our CVPR2021 (oral) paper "Training Networks in Null Space for Continual Learning"

Adam-NSCL This is a PyTorch implementation of Adam-NSCL algorithm for continual learning from our CVPR2021 (oral) paper: Title: Training Networks in N

Convolutional neural network web app trained to track our infant’s sleep schedule using our Google Nest camera.
Convolutional neural network web app trained to track our infant’s sleep schedule using our Google Nest camera.

Machine Learning Sleep Schedule Tracker What is it? Convolutional neural network web app trained to track our infant’s sleep schedule using our Google

The project is an official implementation of our CVPR2019 paper
The project is an official implementation of our CVPR2019 paper "Deep High-Resolution Representation Learning for Human Pose Estimation"

Deep High-Resolution Representation Learning for Human Pose Estimation (CVPR 2019) News [2020/07/05] A very nice blog from Towards Data Science introd

Comments
  • some questions about CC dataset

    some questions about CC dataset

    In CC dataset, some pixel values can be very large at about 4x10^4. This will result in, when I use the network structure within the paper to run under my own framework, the loss of values will be very large. But such a problem does not arise in the source code provided by the author. So I would like to ask the author whether the dataset has been preprocessed, and if it is convenient, can you tell me the method of processing?

    opened by Aristot1e 0
  • 小疑问

    小疑问

    I am very interested in this article and have cited the article to make a comparison with SwinMRI approach, but such a problem that no training model arise in the source code provided by the author. So I would like to ask the author whether send me the training model and the necessary information about it. I promise they will be used only for research purpose.

    opened by keeploveinSCI 0
  • A question about the CC dataset

    A question about the CC dataset

    In CC dataset, some pixel values can be very large at about 4x10^4. This will result in, when I use the network structure within the paper to run under my own framework, the loss of values will be very large. But such a problem does not arise in the source code provided by the author. So I would like to ask the author whether the dataset has been preprocessed, and if it is convenient, can you tell me the method of processing?

    opened by Aristot1e 0
Owner
A Yang Lab (led by Dr Guang Yang)
The AYL (A Yang Lab) at Imperial College London is led by Dr Guang Yang, and focuses on the development of AI-powered applications for digital healthcare.
A Yang Lab (led by Dr Guang Yang)
Implementation of 'lightweight' GAN, proposed in ICLR 2021, in Pytorch. High resolution image generations that can be trained within a day or two

512x512 flowers after 12 hours of training, 1 gpu 256x256 flowers after 12 hours of training, 1 gpu Pizza 'Lightweight' GAN Implementation of 'lightwe

Phil Wang 1.5k Jan 2, 2023
This repository contains the implementation of Deep Detail Enhancment for Any Garment proposed in Eurographics 2021

Deep-Detail-Enhancement-for-Any-Garment Introduction This repository contains the implementation of Deep Detail Enhancment for Any Garment proposed in

null 40 Dec 13, 2022
This repo contains the implementation of the algorithm proposed in Off-Belief Learning, ICML 2021.

Off-Belief Learning Introduction This repo contains the implementation of the algorithm proposed in Off-Belief Learning, ICML 2021. Environment Setup

Facebook Research 32 Jan 5, 2023
An implementation for the loss function proposed in Decoupled Contrastive Loss paper.

Decoupled-Contrastive-Learning This repository is an implementation for the loss function proposed in Decoupled Contrastive Loss paper. Requirements P

Ramin Nakhli 71 Dec 4, 2022
Implementation of the method proposed in the paper "Neural Descriptor Fields: SE(3)-Equivariant Object Representations for Manipulation"

Neural Descriptor Fields (NDF) PyTorch implementation for training continuous 3D neural fields to represent dense correspondence across objects, and u

null 167 Jan 6, 2023
Pytorch implementation of the popular Improv RNN model originally proposed by the Magenta team.

Pytorch Implementation of Improv RNN Overview This code is a pytorch implementation of the popular Improv RNN model originally implemented by the Mage

Sebastian Murgul 3 Nov 11, 2022
Torch-ngp - A pytorch implementation of the hash encoder proposed in instant-ngp

HashGrid Encoder (WIP) A pytorch implementation of the HashGrid Encoder from ins

hawkey 1k Jan 1, 2023
Implementation of a memory efficient multi-head attention as proposed in the paper, "Self-attention Does Not Need O(n²) Memory"

Memory Efficient Attention Pytorch Implementation of a memory efficient multi-head attention as proposed in the paper, Self-attention Does Not Need O(

Phil Wang 180 Jan 5, 2023
Implementation of the Transformer variant proposed in "Transformer Quality in Linear Time"

FLASH - Pytorch Implementation of the Transformer variant proposed in the paper Transformer Quality in Linear Time Install $ pip install FLASH-pytorch

Phil Wang 209 Dec 28, 2022
The source code for the Cutoff data augmentation approach proposed in this paper: "A Simple but Tough-to-Beat Data Augmentation Approach for Natural Language Understanding and Generation".

Cutoff: A Simple Data Augmentation Approach for Natural Language This repository contains source code necessary to reproduce the results presented in

Dinghan Shen 49 Dec 22, 2022