You can not select more than 25 topics Topics must start with a chinese character,a letter or number, can include dashes ('-') and can be up to 35 characters long.

README.md 19 kB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369
  1. # Contents
  2. - [Contents](#contents)
  3. - [Unet Description](#unet-description)
  4. - [Model Architecture](#model-architecture)
  5. - [Dataset](#dataset)
  6. - [Environment Requirements](#environment-requirements)
  7. - [Quick Start](#quick-start)
  8. - [Script Description](#script-description)
  9. - [Script and Sample Code](#script-and-sample-code)
  10. - [Script Parameters](#script-parameters)
  11. - [Training Process](#training-process)
  12. - [Training](#training)
  13. - [running on Ascend](#running-on-ascend)
  14. - [Distributed Training](#distributed-training)
  15. - [Evaluation Process](#evaluation-process)
  16. - [Evaluation](#evaluation)
  17. - [Model Description](#model-description)
  18. - [Performance](#performance)
  19. - [Evaluation Performance](#evaluation-performance)
  20. - [How to use](#how-to-use)
  21. - [Inference](#inference)
  22. - [Running on Ascend 310](#running-on-ascend-310)
  23. - [Continue Training on the Pretrained Model](#continue-training-on-the-pretrained-model)
  24. - [Transfer training](#transfer-training)
  25. - [Description of Random Situation](#description-of-random-situation)
  26. - [ModelZoo Homepage](#modelzoo-homepage)
  27. ## [Unet Description](#contents)
  28. Unet Medical model for 2D image segmentation. This implementation is as described in the original paper [UNet: Convolutional Networks for Biomedical Image Segmentation](https://arxiv.org/abs/1505.04597). Unet, in the 2015 ISBI cell tracking competition, many of the best are obtained. In this paper, a network model for medical image segmentation is proposed, and a data enhancement method is proposed to effectively use the annotation data to solve the problem of insufficient annotation data in the medical field. A U-shaped network structure is also used to extract the context and location information.
  29. UNet++ is a neural architecture for semantic and instance segmentation with re-designed skip pathways and deep supervision.
  30. [U-Net Paper](https://arxiv.org/abs/1505.04597): Olaf Ronneberger, Philipp Fischer, Thomas Brox. "U-Net: Convolutional Networks for Biomedical Image Segmentation." *conditionally accepted at MICCAI 2015*. 2015.
  31. [UNet++ Paper](https://arxiv.org/abs/1912.05074): Z. Zhou, M. M. R. Siddiquee, N. Tajbakhsh and J. Liang, "UNet++: Redesigning Skip Connections to Exploit Multiscale Features in Image Segmentation," in IEEE Transactions on Medical Imaging, vol. 39, no. 6, pp. 1856-1867, June 2020, doi: 10.1109/TMI.2019.2959609.
  32. ## [Model Architecture](#contents)
  33. Specifically, the U network structure is proposed in UNET, which can better extract and fuse high-level features and obtain context information and spatial location information. The U network structure is composed of encoder and decoder. The encoder is composed of two 3x3 conv and a 2x2 max pooling iteration. The number of channels is doubled after each down sampling. The decoder is composed of a 2x2 deconv, concat layer and two 3x3 convolutions, and then outputs after a 1x1 convolution.
  34. ## [Dataset](#contents)
  35. Dataset used: [ISBI Challenge](http://brainiac2.mit.edu/isbi_challenge/home)
  36. - Description: The training and test datasets are two stacks of 30 sections from a serial section Transmission Electron Microscopy (ssTEM) data set of the Drosophila first instar larva ventral nerve cord (VNC). The microcube measures 2 x 2 x 1.5 microns approx., with a resolution of 4x4x50 nm/pixel.
  37. - License: You are free to use this data set for the purpose of generating or testing non-commercial image segmentation software. If any scientific publications derive from the usage of this data set, you must cite TrakEM2 and the following publication: Cardona A, Saalfeld S, Preibisch S, Schmid B, Cheng A, Pulokas J, Tomancak P, Hartenstein V. 2010. An Integrated Micro- and Macroarchitectural Analysis of the Drosophila Brain by Computer-Assisted Serial Section Electron Microscopy. PLoS Biol 8(10): e1000502. doi:10.1371/journal.pbio.1000502.
  38. - Dataset size:22.5M,
  39. - Train:15M, 30 images (Training data contains 2 multi-page TIF files, each containing 30 2D-images. train-volume.tif and train-labels.tif respectly contain data and label.)
  40. - Val:(We randomly divide the training data into 5-fold and evaluate the model by across 5-fold cross-validation.)
  41. - Test:7.5M, 30 images (Testing data contains 1 multi-page TIF files, each containing 30 2D-images. test-volume.tif respectly contain data.)
  42. - Data format:binary files(TIF file)
  43. - Note:Data will be processed in src/data_loader.py
  44. We also support cell nuclei dataset which is used in [Unet++ original paper](https://arxiv.org/abs/1912.05074). If you want to use the dataset, please add `'dataset': 'Cell_nuclei'` in `src/config.py`.
  45. ## [Environment Requirements](#contents)
  46. - Hardware(Ascend)
  47. - Prepare hardware environment with Ascend processor.
  48. - Framework
  49. - [MindSpore](https://www.mindspore.cn/install/en)
  50. - For more information, please check the resources below:
  51. - [MindSpore Tutorials](https://www.mindspore.cn/tutorial/training/en/master/index.html)
  52. - [MindSpore Python API](https://www.mindspore.cn/doc/api_python/en/master/index.html)
  53. ## [Quick Start](#contents)
  54. After installing MindSpore via the official website, you can start training and evaluation as follows:
  55. - Select the network and dataset to use
  56. Refer to `src/config.py`. We support some parameter configurations for quick start. You can set `'model'` to `'unet_medical'`,`'unet_nested'` or `'unet_simple'` to select which net to use. We support `ISBI` and `Cell_nuclei` two dataset, you can set `'dataset'` to `'Cell_nuclei'` to use `Cell_nuclei` dataset, default is `ISBI`.
  57. - Run on Ascend
  58. ```python
  59. # run training example
  60. python train.py --data_url=/path/to/data/ > train.log 2>&1 &
  61. OR
  62. bash scripts/run_standalone_train.sh [DATASET]
  63. # run distributed training example
  64. bash scripts/run_distribute_train.sh [RANK_TABLE_FILE] [DATASET]
  65. # run evaluation example
  66. python eval.py --data_url=/path/to/data/ --ckpt_path=/path/to/checkpoint/ > eval.log 2>&1 &
  67. OR
  68. bash scripts/run_standalone_eval.sh [DATASET] [CHECKPOINT]
  69. ```
  70. - Run on docker
  71. Build docker images(Change version to the one you actually used)
  72. ```shell
  73. # build docker
  74. docker build -t unet:20.1.0 . --build-arg FROM_IMAGE_NAME=ascend-mindspore-arm:20.1.0
  75. ```
  76. Create a container layer over the created image and start it
  77. ```shell
  78. # start docker
  79. bash scripts/docker_start.sh unet:20.1.0 [DATA_DIR] [MODEL_DIR]
  80. ```
  81. Then you can run everything just like on ascend.
  82. ## [Script Description](#contents)
  83. ### [Script and Sample Code](#contents)
  84. ```shell
  85. ├── model_zoo
  86. ├── README.md // descriptions about all the models
  87. ├── unet
  88. ├── README.md // descriptions about Unet
  89. ├── ascend310_infer // code of infer on ascend 310
  90. ├── scripts
  91. │ ├──docker_start.sh // shell script for quick docker start
  92. │ ├──run_disribute_train.sh // shell script for distributed on Ascend
  93. │ ├──run_infer_310.sh // shell script for infer on ascend 310
  94. │ ├──run_standalone_train.sh // shell script for standalone on Ascend
  95. │ ├──run_standalone_eval.sh // shell script for evaluation on Ascend
  96. ├── src
  97. │ ├──config.py // parameter configuration
  98. │ ├──data_loader.py // creating dataset
  99. │ ├──loss.py // loss
  100. │ ├──eval_callback.py // evaluation callback while training
  101. │ ├──utils.py // General components (callback function)
  102. │ ├──unet_medical // Unet medical architecture
  103. ├──__init__.py // init file
  104. ├──unet_model.py // unet model
  105. ├──unet_parts.py // unet part
  106. │ ├──unet_nested // Unet++ architecture
  107. ├──__init__.py // init file
  108. ├──unet_model.py // unet model
  109. ├──unet_parts.py // unet part
  110. ├── train.py // training script
  111. ├── eval.py // evaluation script
  112. ├── export.py // export script
  113. ├── mindspore_hub_conf.py // hub config file
  114. ├── postprocess.py // unet 310 infer postprocess.
  115. ├── preprocess.py // unet 310 infer preprocess dataset
  116. ```
  117. ### [Script Parameters](#contents)
  118. Parameters for both training and evaluation can be set in config.py
  119. - config for Unet, ISBI dataset
  120. ```python
  121. 'name': 'Unet', # model name
  122. 'lr': 0.0001, # learning rate
  123. 'epochs': 400, # total training epochs when run 1p
  124. 'distribute_epochs': 1600, # total training epochs when run 8p
  125. 'batchsize': 16, # training batch size
  126. 'cross_valid_ind': 1, # cross valid ind
  127. 'num_classes': 2, # the number of classes in the dataset
  128. 'num_channels': 1, # the number of channels
  129. 'keep_checkpoint_max': 10, # only keep the last keep_checkpoint_max checkpoint
  130. 'weight_decay': 0.0005, # weight decay value
  131. 'loss_scale': 1024.0, # loss scale
  132. 'FixedLossScaleManager': 1024.0, # fix loss scale
  133. 'resume': False, # whether training with pretrain model
  134. 'resume_ckpt': './', # pretrain model path
  135. 'transfer_training': False # whether do transfer training
  136. 'filter_weight': ["final.weight"] # weight name to filter while doing transfer training
  137. 'run_eval': False # Run evaluation when training
  138. 'save_best_ckpt': True # Save best checkpoint when run_eval is True
  139. 'eval_start_epoch': 0 # Evaluation start epoch when run_eval is True
  140. 'eval_interval': 1 # valuation interval when run_eval is True
  141. ```
  142. - config for Unet++, cell nuclei dataset
  143. ```python
  144. 'model': 'unet_nested', # model name
  145. 'dataset': 'Cell_nuclei', # dataset name
  146. 'img_size': [96, 96], # image size
  147. 'lr': 3e-4, # learning rate
  148. 'epochs': 200, # total training epochs when run 1p
  149. 'distribute_epochs': 1600, # total training epochs when run 8p
  150. 'batchsize': 16, # batch size
  151. 'num_classes': 2, # the number of classes in the dataset
  152. 'num_channels': 3, # the number of input image channels
  153. 'keep_checkpoint_max': 10, # only keep the last keep_checkpoint_max checkpoint
  154. 'weight_decay': 0.0005, # weight decay value
  155. 'loss_scale': 1024.0, # loss scale
  156. 'FixedLossScaleManager': 1024.0, # loss scale
  157. 'use_bn': True, # whether to use BN
  158. 'use_ds': True, # whether to use deep supervisio
  159. 'use_deconv': True, # whether to use Conv2dTranspose
  160. 'resume': False, # whether training with pretrain model
  161. 'resume_ckpt': './', # pretrain model path
  162. 'transfer_training': False # whether do transfer training
  163. 'filter_weight': ['final1.weight', 'final2.weight', 'final3.weight', 'final4.weight'] # weight name to filter while doing transfer training
  164. 'run_eval': False # Run evaluation when training
  165. 'save_best_ckpt': True # Save best checkpoint when run_eval is True
  166. 'eval_start_epoch': 0 # Evaluation start epoch when run_eval is True
  167. 'eval_interval': 1 # valuation interval when run_eval is True
  168. ```
  169. ## [Training Process](#contents)
  170. ### Training
  171. #### running on Ascend
  172. ```shell
  173. python train.py --data_url=/path/to/data/ > train.log 2>&1 &
  174. OR
  175. bash scripts/run_standalone_train.sh [DATASET]
  176. ```
  177. The python command above will run in the background, you can view the results through the file `train.log`.
  178. After training, you'll get some checkpoint files under the script folder by default. The loss value will be achieved as follows:
  179. ```shell
  180. # grep "loss is " train.log
  181. step: 1, loss is 0.7011719, fps is 0.25025035060906264
  182. step: 2, loss is 0.69433594, fps is 56.77693756377044
  183. step: 3, loss is 0.69189453, fps is 57.3293877244179
  184. step: 4, loss is 0.6894531, fps is 57.840651522059716
  185. step: 5, loss is 0.6850586, fps is 57.89903776054361
  186. step: 6, loss is 0.6777344, fps is 58.08073627299014
  187. ...
  188. step: 597, loss is 0.19030762, fps is 58.28088370287449
  189. step: 598, loss is 0.19958496, fps is 57.95493929352674
  190. step: 599, loss is 0.18371582, fps is 58.04039977720966
  191. step: 600, loss is 0.22070312, fps is 56.99692546024671
  192. ```
  193. The model checkpoint will be saved in the current directory.
  194. #### Distributed Training
  195. ```shell
  196. bash scripts/run_distribute_train.sh [RANK_TABLE_FILE] [DATASET]
  197. ```
  198. The above shell script will run distribute training in the background. You can view the results through the file `logs/device[X]/log.log`. The loss value will be achieved as follows:
  199. ```shell
  200. # grep "loss is" logs/device0/log.log
  201. step: 1, loss is 0.70524895, fps is 0.15914689861221412
  202. step: 2, loss is 0.6925452, fps is 56.43668656967454
  203. ...
  204. step: 299, loss is 0.20551169, fps is 58.4039329983891
  205. step: 300, loss is 0.18949677, fps is 57.63118508760329
  206. ```
  207. #### Evaluation while training
  208. You can add `run_eval` to start shell and set it True, if you want evaluation while training. And you can set argument option: `save_best_ckpt`, `eval_start_epoch`, `eval_interval`, `eval_metrics` when `run_eval` is True.
  209. ## [Evaluation Process](#contents)
  210. ### Evaluation
  211. - evaluation on ISBI dataset when running on Ascend
  212. Before running the command below, please check the checkpoint path used for evaluation. Please set the checkpoint path to be the absolute full path, e.g., "username/unet/ckpt_unet_medical_adam-48_600.ckpt".
  213. ```shell
  214. python eval.py --data_url=/path/to/data/ --ckpt_path=/path/to/checkpoint/ > eval.log 2>&1 &
  215. OR
  216. bash scripts/run_standalone_eval.sh [DATASET] [CHECKPOINT]
  217. ```
  218. The above python command will run in the background. You can view the results through the file "eval.log". The accuracy of the test dataset will be as follows:
  219. ```shell
  220. # grep "Cross valid dice coeff is:" eval.log
  221. ============== Cross valid dice coeff is: {'dice_coeff': 0.9085704886070473}
  222. ```
  223. ## [Model Description](#contents)
  224. ### [Performance](#contents)
  225. #### Evaluation Performance
  226. | Parameters | Ascend |
  227. | -------------------------- | ------------------------------------------------------------ |
  228. | Model Version | Unet |
  229. | Resource | Ascend 910 ;CPU 2.60GHz,192cores; Memory,755G |
  230. | uploaded Date | 09/15/2020 (month/day/year) |
  231. | MindSpore Version | 1.0.0 |
  232. | Dataset | ISBI |
  233. | Training Parameters | 1pc: epoch=400, total steps=600, batch_size = 16, lr=0.0001 |
  234. | | 8pc: epoch=1600, total steps=300, batch_size = 16, lr=0.0001 |
  235. | Optimizer | ADAM |
  236. | Loss Function | Softmax Cross Entropy |
  237. | outputs | probability |
  238. | Loss | 0.22070312 |
  239. | Speed | 1pc: 267 ms/step; 8pc: 280 ms/step; |
  240. | Total time | 1pc: 2.67 mins; 8pc: 1.40 mins |
  241. | Parameters (M) | 93M |
  242. | Checkpoint for Fine tuning | 355.11M (.ckpt file) |
  243. | Scripts | [unet script](https://gitee.com/mindspore/mindspore/tree/master/model_zoo/official/cv/unet) |
  244. ### [How to use](#contents)
  245. #### Inference
  246. If you need to use the trained model to perform inference on multiple hardware platforms, such as Ascend 910 or Ascend 310, you can refer to this [Link](https://www.mindspore.cn/tutorial/training/en/master/advanced_use/migrate_3rd_scripts.html). Following the steps below, this is a simple example:
  247. ##### Running on Ascend 310
  248. Export MindIR
  249. ```shell
  250. python export.py --ckpt_file [CKPT_PATH] --file_name [FILE_NAME] --file_format [FILE_FORMAT]
  251. ```
  252. The ckpt_file parameter is required,
  253. `EXPORT_FORMAT` should be in ["AIR", "MINDIR"]
  254. Before performing inference, the MINDIR file must be exported by export script on the 910 environment.
  255. Current batch_size can only be set to 1.
  256. ```shell
  257. # Ascend310 inference
  258. bash run_infer_310.sh [MINDIR_PATH] [DATA_PATH] [DEVICE_ID]
  259. ```
  260. `DEVICE_ID` is optional, default value is 0.
  261. Inference result is saved in current path, you can find result in acc.log file.
  262. ```text
  263. Cross valid dice coeff is: 0.9054352151297033
  264. ```
  265. #### Continue Training on the Pretrained Model
  266. Set options `resume` to True in `config.py`, and set `resume_ckpt` to the path of your checkpoint. e.g.
  267. ```python
  268. 'resume': True,
  269. 'resume_ckpt': 'ckpt_0/ckpt_unet_medical_adam_1-1_600.ckpt',
  270. 'transfer_training': False,
  271. 'filter_weight': ["final.weight"]
  272. ```
  273. #### Transfer training
  274. Do the same thing as resuming traing above. In addition, set `transfer_training` to True. The `filter_weight` shows the weights which will be filtered for different dataset. Usually, the default value of `filter_weight` don't need to be changed. The default values includes the weights which depends on the class number. e.g.
  275. ```python
  276. 'resume': True,
  277. 'resume_ckpt': 'ckpt_0/ckpt_unet_medical_adam_1-1_600.ckpt',
  278. 'transfer_training': True,
  279. 'filter_weight': ["final.weight"]
  280. ```
  281. ## [Description of Random Situation](#contents)
  282. In data_loader.py, we set the seed inside “_get_val_train_indices" function. We also use random seed in train.py.
  283. ## [ModelZoo Homepage](#contents)
  284. Please check the official [homepage](https://gitee.com/mindspore/mindspore/tree/master/model_zoo).