nnFormer: Interleaved Transformer for Volumetric Segmentation
Code for paper "nnFormer: Interleaved Transformer for Volumetric Segmentation ". Please read our preprint at the following link: paper_address.
Parts of codes are borrowed from nn-UNet.
Installation
1、System requirements
This software was originally designed and run on a system running Ubuntu 18.01, with Python 3.6, PyTorch 1.8.1, and CUDA 10.1. For a full list of software packages and version numbers, see the Conda environment file environment.yml
.
This software leverages graphical processing units (GPUs) to accelerate neural network training and evaluation; systems lacking a suitable GPU will likely take an extremely long time to train or evaluate models. The software was tested with the NVIDIA RTX 2080 TI GPU, though we anticipate that other GPUs will also work, provided that the unit offers sufficient memory.
2、Installation guide
We recommend installation of the required packages using the Conda package manager, available through the Anaconda Python distribution. Anaconda is available free of charge for non-commercial use through Anaconda Inc. After installing Anaconda and cloning this repository, For use as integrative framework:
git clone https://github.com/282857341/nnFormer.git
cd nnFormer
conda env create -f environment.yml
source activate nnFormer
pip install -e .
3、The main downloaded file directory description
-
ACDC_dice: Calculate dice of ACDC dataset
-
Synapse_dice_and_hd: Calulate dice of the Synapse dataset
-
dataset_json: About how to divide the training and test set
-
inference: The entry program of the infernece.
-
network_architecture: The models are stored here.
-
run: The entry program of the training.
-
training: The trainers are stored here, the training of the network is conducted by the trainer.
Training
1、Datasets
Datasets can be downloaded at the following links:
And the division of the dataset can be seen in the files in the ./dataset_json/
Dataset I ACDC
Dataset II The Synapse multi-organ CT dataset
2、Setting up the datasets
While we provide code to load data for training a deep-learning model, you will first need to download images from the above repositories. Regarding the format setting and related preprocessing of the dataset, we operate based on nnFormer, so I won’t go into details here. You can see nnUNet for specific operations.
Regarding the downloaded data, I will not introduce too much here, you can go to the corresponding website to view it. Organize the downloaded DataProcessed as follows:
./Pretrained_weight/
./nnFormer/
./DATASET/
├── nnFormer_raw/
├── nnFormer_raw_data/
├── Task01_ACDC/
├── imagesTr/
├── imagesTs/
├── labelsTr/
├── labelsTs/
├── dataset.json
├── Task02_Synapse/
├── imagesTr/
├── imagesTs/
├── labelsTr/
├── labelsTs/
├── dataset.json
├── nnFormer_cropped_data/
├── nnFormer_trained_models/
├── nnFormer_preprocessed/
After that, you can preprocess the data using:
nnFormer_convert_decathlon_task -i ../DATASET/nnFormer_raw/nnFormer_raw_data/Task01_ACDC
nnFormer_convert_decathlon_task -i ../DATASET/nnFormer_raw/nnFormer_raw_data/Task02_Synapse
nnFormer_plan_and_preprocess -t 1
nnFormer_plan_and_preprocess -t 2
3 Training and Testing the models
A. Use the best model we have trained to infer the test set
(1).Put the downloaded the best training weights in the specified directory.
the download link is
Link:https://pan.baidu.com/s/1h1h8_DKvve8enyTiIyzfHw
Extraction code:yimv
The Google Drive link is as follows:
Link:https://drive.google.com/drive/folders/16y1QYOQD4vjrR2hh8TpPB-tq5EYX--Az?usp=sharing
the specified directory is
../DATASET/nnFormer_trained_models/nnFormer/3d_fullres/Task001_ACDC/nnFormerTrainerV2_ACDC__nnFormerPlansv2.1/fold_0/model_best.model
../DATASET/nnFormer_trained_models/nnFormer/3d_fullres/Task001_ACDC/nnFormerTrainerV2_ACDC__nnFormerPlansv2.1/fold_0/model_best.model.pkl
../DATASET/nnFormer_trained_models/nnFormer/3d_fullres/Task002_Synapse/nnFormerTrainerV2_Synapse__nnFormerPlansv2.1/fold_0/model_best.model
../DATASET/nnFormer_trained_models/nnFormer/3d_fullres/Task002_Synapse/nnFormerTrainerV2_Synapse__nnFormerPlansv2.1/fold_0/model_best.model.pkl
(2).Evaluating the models
- ACDC
Inference
nnFormer_predict -i ../DATASET/nnFormer_raw/nnFormer_raw_data/Task001_ACDC/imagesTs -o ../DATASET/nnFormer_raw/nnFormer_raw_data/Task001_ACDC/inferTs/output -m 3d_fullres -f 0 -t 1 -chk model_best -tr nnFormerTrainerV2_ACDC
Calculate DICE
python ./nnformer/ACDC_dice/inference.py
- The Synapse multi-organ CT dataset
Inference
nnFormer_predict -i ../DATASET/nnFormer_raw/nnFormer_raw_data/Task002_Synapse/imagesTs -o ../DATASET/nnFormer_raw/nnFormer_raw_data/Task002_Synapse/inferTs/output -m 3d_fullres -f 0 -t 2 -chk model_best -tr nnFormerTrainerV2_Synapse
Calculate DICE
python ./nnformer/Synapse_dice_and_hd/inference.py
The dice result will be saved in ../DATASET/nnFormer_raw/nnFormer_raw_data/Task002_Synapse/inferTs/output
B. The complete process of retraining the model and inference
(1).Put the downloaded pre-training weights in the specified directory.
the download link is
Link:https://pan.baidu.com/s/1h1h8_DKvve8enyTiIyzfHw
Extraction code:yimv
the specified directory is
../Pretrained_weight/pretrain_ACDC.model
../Pretrained_weight/pretrain_Synapse.model
(2).Training
- ACDC
nnFormer_train 3d_fullres nnFormerTrainerV2_ACDC 1 0
- The Synapse multi-organ CT dataset
nnFormer_train 3d_fullres nnFormerTrainerV2_Synapse 2 0
(3).Evaluating the models
- ACDC
Inference
nnFormer_predict -i ../DATASET/nnFormer_raw/nnFormer_raw_data/Task001_ACDC/imagesTs -o ../DATASET/nnFormer_raw/nnFormer_raw_data/Task001_ACDC/inferTs/output -m 3d_fullres -f 0 -t 1 -chk model_best -tr nnFormerTrainerV2_ACDC
Calculate DICE
python ./nnformer/ACDC_dice/inference.py
- The Synapse multi-organ CT dataset
Inference
nnFormer_predict -i ../DATASET/nnFormer_raw/nnFormer_raw_data/Task002_Synapse/imagesTs -o ../DATASET/nnFormer_raw/nnFormer_raw_data/Task002_Synapse/inferTs/output -m 3d_fullres -f 0 -t 2 -chk model_best -tr nnFormerTrainerV2_Synapse
Calculate DICE
python ./nnformer/Synapse_dice_and_hd/inference.py
The dice results will be saved in ../DATASET/nnFormer_raw/nnFormer_raw_data/Task002_Synapse/inferTs/output