Skip to content

Commit 3c8f5c3

Browse files
committed
Fix Conflicts
2 parents aeb9897 + cefe8b7 commit 3c8f5c3

23 files changed

+31
-22
lines changed

README.md

Lines changed: 5 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -16,7 +16,11 @@
1616

1717
- 2021/03/12 The late ACCPET is finally here, our "OCNet: Object context network for scene parsing" has been accepted by IJCV-2021, which consists of two of our previous technical reports: [OCNet](https://arxiv.org/pdf/1809.00916.pdf) and [ISA](https://arxiv.org/abs/1907.12273.pdf). Congratulations to all the co-authors!
1818

19-
- 2021/02/16 Support **pytorch-1.7, mixed-precision, and distributed training**. Based on the [PaddleClas](https://github.com/PaddlePaddle/PaddleClas) ImageNet pretrained weights, we achieve **59.62%** on PASCAL-Context val (**new SOTA**) and **45.20%** on COCO-Stuff val (**new SOTA**). Check [Model Zoo](https://github.com/openseg-group/openseg.pytorch/blob/pytorch-1.7/MODEL_ZOO.md) for more details. **The current released checkpoints are previously trained with Pytorch-0.4.1 and we will release the main checkpoints with SOTA performance trained with Pytorch-1.7 soon.**
19+
20+
- 2021/02/16 Support **pytorch-1.7, mixed-precision, and distributed training**. Based on the [PaddleClas](https://github.com/PaddlePaddle/PaddleClas) ImageNet pretrained weights, we achieve **83.22%** on Cityscapes val, **59.62%** on PASCAL-Context val (**new SOTA**), **45.20%** on COCO-Stuff val (**new SOTA**), **58.21%** on LIP val and **47.98%** on ADE20K val. Please checkout [branch pytorch-1.7](https://github.com/openseg-group/openseg.pytorch/tree/pytorch-1.7) for more details.
21+
22+
23+
- 2020/12/07 [PaddleSeg](https://github.com/PaddlePaddle/PaddleSeg) has supported our ISA and HRNet + OCR. [Jittor](https://github.com/Jittor/segmentation-jittor) also has supported our ResNet-101 + OCR.
2024

2125
- 2020/08/16 [MMSegmentation](https://github.com/open-mmlab/mmsegmentation) has supported our HRNet + OCR.
2226

lib/datasets/preprocess/cityscapes/dt_offset_generator.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -62,7 +62,7 @@ def process(inp):
6262
depth_map = np.zeros(labelmap.shape, dtype=np.float32)
6363
dir_map = np.zeros((*labelmap.shape, 2), dtype=np.float32)
6464

65-
for id in range(1, 20):
65+
for id in range(1, len(label_list) + 1):
6666
labelmap_i = labelmap.copy()
6767
labelmap_i[labelmap_i != id] = 0
6868
labelmap_i[labelmap_i == id] = 1

scripts/cityscapes/fcn/run_r_101_d_8_fcn_train.sh

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -63,7 +63,7 @@ elif [ "$1"x == "resume"x ]; then
6363

6464

6565
elif [ "$1"x == "val"x ]; then
66-
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y \
66+
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --data_dir ${DATA_DIR} \
6767
--backbone ${BACKBONE} --model_name ${MODEL_NAME} --checkpoints_name ${CHECKPOINTS_NAME} \
6868
--phase test --gpu 0 1 2 3 --resume ./checkpoints/cityscapes/${CHECKPOINTS_NAME}_latest.pth \
6969
--loss_type ${LOSS_TYPE} --test_dir ${DATA_DIR}/val/image \

scripts/cityscapes/fcn/run_r_101_d_8_fcn_wo_dsn_train.sh

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -65,7 +65,7 @@ elif [ "$1"x == "resume"x ]; then
6565

6666

6767
elif [ "$1"x == "val"x ]; then
68-
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y \
68+
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --data_dir ${DATA_DIR} \
6969
--backbone ${BACKBONE} --model_name ${MODEL_NAME} --checkpoints_name ${CHECKPOINTS_NAME} \
7070
--phase test --gpu 0 1 2 3 --resume ./checkpoints/cityscapes/${CHECKPOINTS_NAME}_latest.pth \
7171
--loss_type ${LOSS_TYPE} --test_dir ${DATA_DIR}/val/image \

scripts/cityscapes/hrnet/run_h_48_d_4.sh

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -68,7 +68,7 @@ elif [ "$1"x == "resume"x ]; then
6868

6969

7070
elif [ "$1"x == "val"x ]; then
71-
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y \
71+
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --data_dir ${DATA_DIR} \
7272
--backbone ${BACKBONE} --model_name ${MODEL_NAME} --checkpoints_name ${CHECKPOINTS_NAME} \
7373
--phase test --gpu 0 1 2 3 --resume ./checkpoints/cityscapes/${CHECKPOINTS_NAME}_latest.pth \
7474
--loss_type ${LOSS_TYPE} --test_dir ${DATA_DIR}/val/image \

scripts/cityscapes/hrnet/run_h_48_d_4_ocr.sh

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -69,7 +69,7 @@ elif [ "$1"x == "resume"x ]; then
6969

7070

7171
elif [ "$1"x == "val"x ]; then
72-
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y \
72+
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --data_dir ${DATA_DIR} \
7373
--backbone ${BACKBONE} --model_name ${MODEL_NAME} --checkpoints_name ${CHECKPOINTS_NAME} \
7474
--phase test --gpu 0 1 2 3 --resume ./checkpoints/cityscapes/${CHECKPOINTS_NAME}_latest.pth \
7575
--loss_type ${LOSS_TYPE} --test_dir ${DATA_DIR}/val/image \

scripts/cityscapes/hrnet/run_h_48_d_4_ocr_b.sh

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -69,7 +69,7 @@ elif [ "$1"x == "resume"x ]; then
6969

7070

7171
elif [ "$1"x == "val"x ]; then
72-
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y \
72+
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --data_dir ${DATA_DIR} \
7373
--backbone ${BACKBONE} --model_name ${MODEL_NAME} --checkpoints_name ${CHECKPOINTS_NAME} \
7474
--phase test --gpu 0 1 2 3 --resume ./checkpoints/cityscapes/${CHECKPOINTS_NAME}_latest.pth \
7575
--loss_type ${LOSS_TYPE} --test_dir ${DATA_DIR}/val/image \

scripts/cityscapes/hrnet/run_h_48_d_4_ocr_b_mapillary_trainval_coarse_ohem.sh

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -57,7 +57,7 @@ elif [ "$1"x == "resume"x ]; then
5757

5858

5959
elif [ "$1"x == "val"x ]; then
60-
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --train_batch_size ${BATCH_SIZE} \
60+
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --train_batch_size ${BATCH_SIZE} --data_dir ${DATA_DIR} \
6161
--backbone ${BACKBONE} --model_name ${MODEL_NAME} --checkpoints_name ${CHECKPOINTS_NAME} \
6262
--phase test --gpu 0 --resume ./checkpoints/cityscapes/${CHECKPOINTS_NAME}_latest.pth \
6363
--test_dir ${DATA_DIR}/val/image --log_to_file n --out_dir val 2>&1 | tee -a ${LOG_FILE}

scripts/cityscapes/hrnet/run_h_48_d_4_ocr_b_mapillary_trainval_coarse_trainval_ohem.sh

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -58,7 +58,7 @@ elif [ "$1"x == "resume"x ]; then
5858

5959

6060
elif [ "$1"x == "val"x ]; then
61-
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --train_batch_size ${BATCH_SIZE} \
61+
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --train_batch_size ${BATCH_SIZE} --data_dir ${DATA_DIR} \
6262
--backbone ${BACKBONE} --model_name ${MODEL_NAME} --checkpoints_name ${CHECKPOINTS_NAME} \
6363
--phase test --gpu 0 --resume ./checkpoints/cityscapes/${CHECKPOINTS_NAME}_latest.pth \
6464
--test_dir ${DATA_DIR}/val/image --log_to_file n --out_dir val 2>&1 | tee -a ${LOG_FILE}

scripts/cityscapes/hrnet/run_h_48_d_4_ocr_b_mapillary_trainval_ohem.sh

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -56,7 +56,7 @@ elif [ "$1"x == "resume"x ]; then
5656

5757

5858
elif [ "$1"x == "val"x ]; then
59-
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --train_batch_size ${BATCH_SIZE} \
59+
${PYTHON} -u main.py --configs ${CONFIGS} --drop_last y --train_batch_size ${BATCH_SIZE} --data_dir ${DATA_DIR} \
6060
--backbone ${BACKBONE} --model_name ${MODEL_NAME} --checkpoints_name ${CHECKPOINTS_NAME} \
6161
--phase test --gpu 0 --resume ./checkpoints/cityscapes/${CHECKPOINTS_NAME}_latest.pth \
6262
--test_dir ${DATA_DIR}/val/image --log_to_file n --out_dir val 2>&1 | tee -a ${LOG_FILE}

0 commit comments

Comments
 (0)