Skip to content

Commit

Permalink
Fix bugs
Browse files Browse the repository at this point in the history
  • Loading branch information
Bobholamovic committed Aug 3, 2022
1 parent fbb57c1 commit 9b8b28e
Show file tree
Hide file tree
Showing 20 changed files with 21 additions and 21 deletions.
2 changes: 1 addition & 1 deletion tutorials/train/change_detection/bit.py
Original file line number Diff line number Diff line change
Expand Up @@ -74,7 +74,7 @@
# 使用默认参数构建BIT模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/change_detector.py
model = pdrs.tasks.BIT()
model = pdrs.tasks.cd.BIT()

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/change_detection/cdnet.py
Original file line number Diff line number Diff line change
Expand Up @@ -74,7 +74,7 @@
# 使用默认参数构建CDNet模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/change_detector.py
model = pdrs.tasks.CDNet()
model = pdrs.tasks.cd.CDNet()

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/change_detection/dsamnet.py
Original file line number Diff line number Diff line change
Expand Up @@ -74,7 +74,7 @@
# 使用默认参数构建DSAMNet模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/change_detector.py
model = pdrs.tasks.DSAMNet()
model = pdrs.tasks.cd.DSAMNet()

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/change_detection/dsifn.py
Original file line number Diff line number Diff line change
Expand Up @@ -74,7 +74,7 @@
# 使用默认参数构建DSIFN模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/change_detector.py
model = pdrs.tasks.DSIFN()
model = pdrs.tasks.cd.DSIFN()

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/change_detection/fc_ef.py
Original file line number Diff line number Diff line change
Expand Up @@ -74,7 +74,7 @@
# 使用默认参数构建FC-EF模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/change_detector.py
model = pdrs.tasks.FCEarlyFusion()
model = pdrs.tasks.cd.FCEarlyFusion()

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/change_detection/fc_siam_conc.py
Original file line number Diff line number Diff line change
Expand Up @@ -74,7 +74,7 @@
# 使用默认参数构建FC-Siam-conc模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/change_detector.py
model = pdrs.tasks.FCSiamConc()
model = pdrs.tasks.cd.FCSiamConc()

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/change_detection/fc_siam_diff.py
Original file line number Diff line number Diff line change
Expand Up @@ -74,7 +74,7 @@
# 使用默认参数构建FC-Siam-diff模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/change_detector.py
model = pdrs.tasks.FCSiamDiff()
model = pdrs.tasks.cd.FCSiamDiff()

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/change_detection/snunet.py
Original file line number Diff line number Diff line change
Expand Up @@ -74,7 +74,7 @@
# 使用默认参数构建SNUNet模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/change_detector.py
model = pdrs.tasks.SNUNet()
model = pdrs.tasks.cd.SNUNet()

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/change_detection/stanet.py
Original file line number Diff line number Diff line change
Expand Up @@ -74,7 +74,7 @@
# 使用默认参数构建STANet模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/change_detector.py
model = pdrs.tasks.STANet()
model = pdrs.tasks.cd.STANet()

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/classification/hrnet.py
Original file line number Diff line number Diff line change
Expand Up @@ -70,7 +70,7 @@
# 使用默认参数构建HRNet模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/classifier.py
model = pdrs.tasks.HRNet_W18_C(num_classes=len(train_dataset.labels))
model = pdrs.tasks.clas.HRNet_W18_C(num_classes=len(train_dataset.labels))

# 执行模型训练
model.train(
Expand Down
3 changes: 2 additions & 1 deletion tutorials/train/classification/mobilenetv3.py
Original file line number Diff line number Diff line change
Expand Up @@ -70,7 +70,8 @@
# 使用默认参数构建MobileNetV3模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/classifier.py
model = pdrs.tasks.MobileNetV3_small_x1_0(num_classes=len(train_dataset.labels))
model = pdrs.tasks.clas.MobileNetV3_small_x1_0(
num_classes=len(train_dataset.labels))

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/classification/resnet50_vd.py
Original file line number Diff line number Diff line change
Expand Up @@ -70,7 +70,7 @@
# 使用默认参数构建ResNet50-vd模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/classifier.py
model = pdrs.tasks.ResNet50_vd(num_classes=len(train_dataset.labels))
model = pdrs.tasks.clas.ResNet50_vd(num_classes=len(train_dataset.labels))

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/object_detection/faster_rcnn.py
Original file line number Diff line number Diff line change
Expand Up @@ -79,7 +79,7 @@
# 构建Faster R-CNN模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/object_detector.py
model = pdrs.tasks.FasterRCNN(num_classes=len(train_dataset.labels))
model = pdrs.tasks.det.FasterRCNN(num_classes=len(train_dataset.labels))

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/object_detection/ppyolo.py
Original file line number Diff line number Diff line change
Expand Up @@ -80,7 +80,7 @@
# 构建PP-YOLO模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/object_detector.py
model = pdrs.tasks.PPYOLO(num_classes=len(train_dataset.labels))
model = pdrs.tasks.det.PPYOLO(num_classes=len(train_dataset.labels))

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/object_detection/ppyolotiny.py
Original file line number Diff line number Diff line change
Expand Up @@ -80,7 +80,7 @@
# 构建PP-YOLO Tiny模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/object_detector.py
model = pdrs.tasks.PPYOLOTiny(num_classes=len(train_dataset.labels))
model = pdrs.tasks.det.PPYOLOTiny(num_classes=len(train_dataset.labels))

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/object_detection/ppyolov2.py
Original file line number Diff line number Diff line change
Expand Up @@ -80,7 +80,7 @@
# 构建PP-YOLOv2模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/object_detector.py
model = pdrs.tasks.PPYOLOv2(num_classes=len(train_dataset.labels))
model = pdrs.tasks.det.PPYOLOv2(num_classes=len(train_dataset.labels))

# 执行模型训练
model.train(
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/object_detection/yolov3.py
Original file line number Diff line number Diff line change
Expand Up @@ -80,7 +80,7 @@
# 构建YOLOv3模型,使用DarkNet53作为backbone
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/object_detector.py
model = pdrs.tasks.YOLOv3(
model = pdrs.tasks.det.YOLOv3(
num_classes=len(train_dataset.labels), backbone='DarkNet53')

# 执行模型训练
Expand Down
3 changes: 1 addition & 2 deletions tutorials/train/semantic_segmentation/data/.gitignore
Original file line number Diff line number Diff line change
@@ -1,4 +1,3 @@
*.zip
*.tar.gz
rsseg/
optic/
rsseg/
2 changes: 1 addition & 1 deletion tutorials/train/semantic_segmentation/deeplabv3p.py
Original file line number Diff line number Diff line change
Expand Up @@ -72,7 +72,7 @@
# 构建DeepLab V3+模型,使用ResNet-50作为backbone
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/segmenter.py
model = pdrs.tasks.DeepLabV3P(
model = pdrs.tasks.seg.DeepLabV3P(
input_channel=NUM_BANDS,
num_classes=len(train_dataset.labels),
backbone='ResNet50_vd')
Expand Down
2 changes: 1 addition & 1 deletion tutorials/train/semantic_segmentation/unet.py
Original file line number Diff line number Diff line change
Expand Up @@ -72,7 +72,7 @@
# 构建UNet模型
# 目前已支持的模型请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/docs/apis/model_zoo.md
# 模型输入参数请参考:https://github.com/PaddlePaddle/PaddleRS/blob/develop/paddlers/tasks/segmenter.py
model = pdrs.tasks.UNet(
model = pdrs.tasks.seg.UNet(
input_channel=NUM_BANDS, num_classes=len(train_dataset.labels))

# 执行模型训练
Expand Down

0 comments on commit 9b8b28e

Please sign in to comment.