Task Transformer Network for Joint MRI Reconstruction and Super-Resolution (MICCAI 2021)

Related tags

Deep Learning T2Net
Overview

T2Net

Task Transformer Network for Joint MRI Reconstruction and Super-Resolution (MICCAI 2021)

[Paper][Code]

Dependencies

  • numpy==1.18.5
  • scikit_image==0.16.2
  • torchvision==0.8.1
  • torch==1.7.0
  • runstats==1.8.0
  • pytorch_lightning==0.8.1
  • h5py==2.10.0
  • PyYAML==5.4

Data Prepare

  1. Download and decompress data from the link https://pan.baidu.com/s/1OdIoBwJy3GZB979JPBJS6w Password: qrlt

  2. Transform .h5 format to .mat format "python convertH5tomat.py --data_dir XXX/T2Net/h5"

  3. You can get the dir of as following:

  • h5
    • train
    • val
    • test
  • mat
    • train
    • val
    • test
  1. Set data_dir = 'XXX/T2Net/h5' at the line 4 of ixi_config.yaml

[Training code --> T2Net]

git clone https://github.com/chunmeifeng/T2Net.git

Train

single gpu train

python ixi_train_t2net.py

multi gpu train you can change the 65th line in ixi_tain_t2net.py , set num_gpus = gpu number, then run

python ixi_train_t2net.py

🔥 NEWS 🔥

  • We have upload the mask file.
  • Before our project, you need to transform the .nii file to .mat file at first.
  • We have provided the code of converting the .nii file to .mat file as well as the .mat data.

Citation

@inproceedings{feng2021T2Net,
  title={Task Transformer Network for Joint MRI Reconstruction and Super-Resolution},
  author={Feng, Chun-Mei and Yan, Yunlu and Fu, Huazhu and Chen, Li and Xu, Yong},
  booktitle={International Conference on Medical Image Computing and Computer Assisted Intervention (MICCAI)},
  year={2021}
}
Comments
  • cannot import name 'NumpyMetric' from 'pytorch_lightning.metrics.metric'

    cannot import name 'NumpyMetric' from 'pytorch_lightning.metrics.metric'

    I am running this on google collab, in the TPU runtime. I have already installed all the dependecies.

    Running python ixi_train_t2net.py throws an exception, the stack trace of which is as follows:

    WARNING:root:TPU has started up successfully with version pytorch-1.7
    Traceback (most recent call last):
      File "ixi_train_t2net.py", line 17, in <module>
        from ixi_module_t2net import UnetModule  # experimental.unet.unet_module
      File "/content/gdrive/My Drive/T2Net/ixi_module_t2net.py", line 14, in <module>
        from fastmri.mri_ixi_module_t2net import MriModule
      File "/content/gdrive/My Drive/T2Net/fastmri/mri_ixi_module_t2net.py", line 19, in <module>
        from fastmri import evaluate
      File "/content/gdrive/My Drive/T2Net/fastmri/evaluate.py", line 14, in <module>
        from pytorch_lightning.metrics.metric import NumpyMetric, TensorMetric
    ImportError: cannot import name 'NumpyMetric' from 'pytorch_lightning.metrics.metric' (/usr/local/lib/python3.7/dist-packages/pytorch_lightning/metrics/metric.py)
    

    Am I missing something?

    opened by AmitSharma1127 7
  • 关于UNET

    关于UNET

    作者您好,冒昧打扰了! 我是一名正在进行MRI reconstruction项目的学生,想请问一下,您这里是否有在IXI数据集上训练好的UNET代码呢,因为看到您有拿这个作为对比方法,但是在网络上没有找到比较合适的完全使用UNET用于MRI reconstruction的代码,所以请求您的帮助,希望能够提供一份来源!谢谢您!

    opened by WuJiaMian 0
  • How to generate the file '1D-Cartesian_6X_128128.mat'?

    How to generate the file '1D-Cartesian_6X_128128.mat'?

    Thanks for sharing this fantastic work. I wonder how you could generate the file '1D-Cartesian_6X_128128.mat'. I'd really appreciate it if you could share the code of generating it.

    opened by ElliotQi 2
  • incompatibility in code and article

    incompatibility in code and article

    In your article after concatenating Q and output of the transfer attention layer, we see two convolution layers as illustrated in Fig 2 ,however, In code you applied one Conv why do not they match? T=self.conv1[i](T)

    opened by maralzar 4
  •  normalization

    normalization

    作者你好,我注意到实验数据采用mean —stddev归一化的方法,该归一化方法会产生负值。图片数据在经历傅立叶和逆傅里叶以及绝对值的操作(np.abs(np.ifft.fft2(np.fft2.fft(image)))),会存在负值消失的问题,这对最后重建有负面影响吗?这与归一化到0~1的操作是否存在较大的区别?

    opened by Hao-Xin-Shen 0
Owner
null
A framework for joint super-resolution and image synthesis, without requiring real training data

SynthSR This repository contains code to train a Convolutional Neural Network (CNN) for Super-resolution (SR), or joint SR and data synthesis. The met

null 83 Jan 1, 2023
2021-MICCAI-Progressively Normalized Self-Attention Network for Video Polyp Segmentation

2021-MICCAI-Progressively Normalized Self-Attention Network for Video Polyp Segmentation Authors: Ge-Peng Ji*, Yu-Cheng Chou*, Deng-Ping Fan, Geng Che

Ge-Peng Ji (Daniel) 85 Dec 30, 2022
"MST++: Multi-stage Spectral-wise Transformer for Efficient Spectral Reconstruction" (CVPRW 2022) & (Winner of NTIRE 2022 Challenge on Spectral Reconstruction from RGB)

MST++: Multi-stage Spectral-wise Transformer for Efficient Spectral Reconstruction (CVPRW 2022) Yuanhao Cai, Jing Lin, Zudi Lin, Haoqian Wang, Yulun Z

Yuanhao Cai 274 Jan 5, 2023
Code repo for "RBSRICNN: Raw Burst Super-Resolution through Iterative Convolutional Neural Network" (Machine Learning and the Physical Sciences workshop in NeurIPS 2021).

RBSRICNN: Raw Burst Super-Resolution through Iterative Convolutional Neural Network An official PyTorch implementation of the RBSRICNN network as desc

Rao Muhammad Umer 6 Nov 14, 2022
Pre-trained model, code, and materials from the paper "Impact of Adversarial Examples on Deep Learning Models for Biomedical Image Segmentation" (MICCAI 2019).

Adaptive Segmentation Mask Attack This repository contains the implementation of the Adaptive Segmentation Mask Attack (ASMA), a targeted adversarial

Utku Ozbulak 53 Jul 4, 2022
[MICCAI'20] AlignShift: Bridging the Gap of Imaging Thickness in 3D Anisotropic Volumes

AlignShift NEW: Code for our new MICCAI'21 paper "Asymmetric 3D Context Fusion for Universal Lesion Detection" will also be pushed to this repository

Medical 3D Vision 42 Jan 6, 2023
CoReNet is a technique for joint multi-object 3D reconstruction from a single RGB image.

CoReNet CoReNet is a technique for joint multi-object 3D reconstruction from a single RGB image. It produces coherent reconstructions, where all objec

Google Research 80 Dec 25, 2022
Activating More Pixels in Image Super-Resolution Transformer

HAT [Paper Link] Activating More Pixels in Image Super-Resolution Transformer Xiangyu Chen, Xintao Wang, Jiantao Zhou and Chao Dong BibTeX @article{ch

XyChen 270 Dec 27, 2022
Official implementation of the paper 'Efficient and Degradation-Adaptive Network for Real-World Image Super-Resolution'

DASR Paper Efficient and Degradation-Adaptive Network for Real-World Image Super-Resolution Jie Liang, Hui Zeng, and Lei Zhang. In arxiv preprint. Abs

null 81 Dec 28, 2022
A Planar RGB-D SLAM which utilizes Manhattan World structure to provide optimal camera pose trajectory while also providing a sparse reconstruction containing points, lines and planes, and a dense surfel-based reconstruction.

ManhattanSLAM Authors: Raza Yunus, Yanyan Li and Federico Tombari ManhattanSLAM is a real-time SLAM library for RGB-D cameras that computes the camera

null 117 Dec 28, 2022
MRQy is a quality assurance and checking tool for quantitative assessment of magnetic resonance imaging (MRI) data.

Front-end View Backend View Table of Contents Description Prerequisites Running Basic Information Measurements User Interface Feedback and usage Descr

Center for Computational Imaging and Personalized Diagnostics 58 Dec 2, 2022
The official pytorch implemention of the CVPR paper "Temporal Modulation Network for Controllable Space-Time Video Super-Resolution".

This is the official PyTorch implementation of TMNet in the CVPR 2021 paper "Temporal Modulation Network for Controllable Space-Time VideoSuper-Resolu

Gang Xu 95 Oct 24, 2022
PyTorch code for our paper "Attention in Attention Network for Image Super-Resolution"

Under construction... Attention in Attention Network for Image Super-Resolution (A2N) This repository is an PyTorch implementation of the paper "Atten

Haoyu Chen 71 Dec 30, 2022
PyTorch code for our ECCV 2020 paper "Single Image Super-Resolution via a Holistic Attention Network"

HAN PyTorch code for our ECCV 2020 paper "Single Image Super-Resolution via a Holistic Attention Network" This repository is for HAN introduced in the

五维空间 140 Nov 23, 2022
Project page of the paper 'Analyzing Perception-Distortion Tradeoff using Enhanced Perceptual Super-resolution Network' (ECCVW 2018)

EPSR (Enhanced Perceptual Super-resolution Network) paper This repo provides the test code, pretrained models, and results on benchmark datasets of ou

Subeesh Vasu 78 Nov 19, 2022
Pytorch implementation of Deep Recursive Residual Network for Super Resolution (DRRN)

DRRN-pytorch This is an unofficial implementation of "Deep Recursive Residual Network for Super Resolution (DRRN)", CVPR 2017 in Pytorch. [Paper] You

yun_yang 192 Dec 12, 2022
pytorch implementation for Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network arXiv:1609.04802

PyTorch SRResNet Implementation of Paper: "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network"(https://arxiv.org/abs

Jiu XU 436 Jan 9, 2023
Official PyTorch code for Mutual Affine Network for Spatially Variant Kernel Estimation in Blind Image Super-Resolution (MANet, ICCV2021)

Mutual Affine Network for Spatially Variant Kernel Estimation in Blind Image Super-Resolution (MANet, ICCV2021) This repository is the official PyTorc

Jingyun Liang 139 Dec 29, 2022
S2s2net - Sentinel-2 Super-Resolution Segmentation Network

S2S2Net Sentinel-2 Super-Resolution Segmentation Network Getting started Install

Wei Ji 10 Nov 10, 2022