Skip to content

Commit a0f4671

Browse files
authored
Update README.md
1 parent aee6d05 commit a0f4671

File tree

1 file changed

+17
-16
lines changed

1 file changed

+17
-16
lines changed

README.md

Lines changed: 17 additions & 16 deletions
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
# Deep Learning based Water Segmentation Using KOMPSAT-5 SAR Images
22
## Some results
3-
<img src="https://user-images.githubusercontent.com/26617052/106559149-50b55f80-6568-11eb-9fcc-f78bb63819b9.JPG" width="350">
3+
<img src="https://user-images.githubusercontent.com/26617052/106559149-50b55f80-6568-11eb-9fcc-f78bb63819b9.JPG" width="400">
44
- This shows the performance result of HRNet with the full dataset. The images on the left are ground truth, and the images on the right are predicted results. The IoU of the upper and lower images are 94.76\% and 97.45\%, respectively.
55

66
## Abstract
@@ -28,47 +28,48 @@ pip install –r requirements.txt
2828
```
2929

3030
## Data Preparation
31-
- Training dataset 위치 [[Link]](https://arxiv.org/pdf/1505.04597.pdf)
31+
Please download dataset below and put them in each path
32+
- Training dataset [[Link]](https://drive.google.com/file/d/1Ugk6c_iadvlD-ycxNQlw9SHLDDqNAn1f/view?usp=sharing)
3233
```
3334
/SAR-water-segmentation/data/train_full/
3435
```
35-
- Test dataset 위치 [[Link]](https://arxiv.org/pdf/1505.04597.pdf)
36+
- Test dataset [[Link]](https://drive.google.com/file/d/1MbyK4ljGmin5JeRroO80qTicbYfxGVAu/view?usp=sharing)
3637
```
3738
/SAR-water-segmentation/data/val_full/
3839
```
3940

4041
## Pretrained model
41-
- HRNetV2를 새롭게 training을 할 경우
42-
ImageNet dataset으로 미리 학습된 모델 위치 [[Link]](https://arxiv.org/pdf/1505.04597.pdf)
42+
- When training the HRNet, download this model and put it in the path below
43+
This model is a pre-trained model with ImageNet dataset, NOT our KOMPSAT-5 dataset. [[Link]](https://drive.google.com/file/d/1euYbOpJbs9di7W8IO4_hDizN_EoRWfAA/view?usp=sharing)
4344
```
4445
/SAR-water-segmentation/HRNet/tools/pretrained_models/
4546
```
4647

47-
- HRNetV2를 test 할 경우
48-
K5 Training dataset으로 학습된 모델 위치 [[Link]](https://arxiv.org/pdf/1505.04597.pdf)
48+
- When testing the HRNet, download this model and put it in the path below
49+
This model is a pre-trained model with ImageNet dataset, AND our KOMPSAT-5 dataset. [[Link]](https://drive.google.com/file/d/1gfLbsv9_6ZNtG7K3bmUf2r1Ig0CfQHIo/view?usp=sharing)
4950
```
5051
/SAR-water-segmentation/HRNet/tools/output/K5/K5/models/best.pth
5152
```
5253

53-
# 딥러닝 알고리즘 1: HRNet(High Resolution Network) [[Paper]](https://arxiv.org/pdf/1908.07919.pdf), [[Code]](https://github.com/HRNet/HRNet-Semantic-Segmentation)
54+
# HRNet(High Resolution Network) [[Paper]](https://arxiv.org/pdf/1908.07919.pdf), [[Code]](https://github.com/HRNet/HRNet-Semantic-Segmentation)
5455
- HRNet is one of the latest models for learning-based image segmentation. A typical features of this model is that while the model is being trained, (1) the features of the high-resolution are retained while simultaneously extracting the low-resolution features in parallel. (2) This model repeatedly exchanges feature information between different resolutions. (3) Since this has a large number of layers and a lot of weights to be stored, it consumes a lot of memory and the speed of processing one image is relatively slow, however its performance is superior compared to other previous models.
5556

56-
## Training code 실행
57+
## Training code
5758
```
5859
cd /SAR-water-segmentation/HRNet/tools/
5960
python main_HRNet_train.py
6061
```
61-
## Test code 실행
62+
## Test code
6263
```
6364
cd /SAR-water-segmentation/HRNet/tools/
6465
python main_HRNet.py
6566
```
6667

6768

68-
# 딥러닝 알고리즘 2: FCN(Fully Convolutional Network) [[Paper]](https://www.cv-foundation.org/openaccess/content_cvpr_2015/papers/Long_Fully_Convolutional_Networks_2015_CVPR_paper.pdf)
69+
# FCN(Fully Convolutional Network) [[Paper]](https://www.cv-foundation.org/openaccess/content_cvpr_2015/papers/Long_Fully_Convolutional_Networks_2015_CVPR_paper.pdf)
6970
- FCN is one of the most classic and representative models of image semantic segmentation methods. It is a model modified for the purpose of image semantic segmentation by changing the fully connected layer of the last layer into a convolutional layer in the existing classification model such as VGG16. Representative characteristics of this model, (1) by adding up sampling layers to the coarse feature map predicted through the convolutional layer, it is possible to predict dense features and restore back to the original image size. (2) By adding the skip architecture, local information of the shallow layer and semantic information of the deep layer can be combined.
7071

71-
## Test code 실행
72+
## Test code
7273
- Backbone: VGG16
7374
```
7475
export TF_XLA_FLAGS=--tf_xla_cpu_global_jit
@@ -80,19 +81,19 @@ export TF_XLA_FLAGS=--tf_xla_cpu_global_jit
8081
python main_FCN_VGG19.py
8182
```
8283

83-
# 딥러닝 알고리즘 3: U-Net [[Paper]](https://arxiv.org/pdf/1505.04597.pdf)
84+
# U-Net [[Paper]](https://arxiv.org/pdf/1505.04597.pdf)
8485
- U-Net is an end-to-end FCN-based model proposed for image semantic segmentation. This model consists of the contracting path to obtain the overall context information of the input image and the expanding path to obtain the dense prediction from the coarse map in a symmetrical form. Because of this symmetry, the shape of the network is in the form of 'U' and is named U-Net.
8586

86-
## Test code 실행
87+
## Test code
8788
```
8889
export TF_XLA_FLAGS=--tf_xla_cpu_global_jit
8990
python main_UNet.py
9091
```
9192

92-
# 딥러닝 알고리즘 4: Deep U-Net [[Paper]](https://ieeexplore.ieee.org/stamp/stamp.jsp?tp=&arnumber=8370071)
93+
# Deep U-Net [[Paper]](https://ieeexplore.ieee.org/stamp/stamp.jsp?tp=&arnumber=8370071)
9394
- Compared with U-Net, DeepUNet is a deeper model with more layers. Unlike U-Net, this model is characterized by an added 'plus layer'. The plus layer connects two adjacent layers, while the skip architecture commonly used in FCN, U-Net, and DeepUNet connects the shallow layer and the deep layer. This plus layer has the effect of preventing the loss of deep network from expanding to infinity and the model from getting trapped into the local optima.
9495

95-
## Test code 실행
96+
## Test code
9697
```
9798
export TF_XLA_FLAGS=--tf_xla_cpu_global_jit
9899
python main_DeepUNet.py

0 commit comments

Comments
 (0)