modify the dir name

own
juncaipeng 3 years ago
parent d7a7f63927
commit fc9d5640e2
  1. 2
      paddlers/__init__.py
  2. 2
      paddlers/datasets/voc.py
  3. 17
      paddlers/models/__init__.py
  4. 0
      paddlers/models/ppcd/__init__.py
  5. 0
      paddlers/models/ppcls/__init__.py
  6. 2
      paddlers/models/ppdet/__init__.py
  7. 2
      paddlers/models/ppdet/core/__init__.py
  8. 2
      paddlers/models/ppdet/core/config/__init__.py
  9. 2
      paddlers/models/ppdet/core/config/schema.py
  10. 2
      paddlers/models/ppdet/core/config/yaml_helpers.py
  11. 2
      paddlers/models/ppdet/core/workspace.py
  12. 2
      paddlers/models/ppdet/data/__init__.py
  13. 2
      paddlers/models/ppdet/data/crop_utils/__init__.py
  14. 2
      paddlers/models/ppdet/data/crop_utils/annotation_cropper.py
  15. 2
      paddlers/models/ppdet/data/crop_utils/chip_box_utils.py
  16. 6
      paddlers/models/ppdet/data/reader.py
  17. 2
      paddlers/models/ppdet/data/shm_utils.py
  18. 2
      paddlers/models/ppdet/data/source/__init__.py
  19. 8
      paddlers/models/ppdet/data/source/category.py
  20. 6
      paddlers/models/ppdet/data/source/coco.py
  21. 6
      paddlers/models/ppdet/data/source/dataset.py
  22. 4
      paddlers/models/ppdet/data/source/keypoint_coco.py
  23. 6
      paddlers/models/ppdet/data/source/mot.py
  24. 8
      paddlers/models/ppdet/data/source/sniper_coco.py
  25. 6
      paddlers/models/ppdet/data/source/voc.py
  26. 6
      paddlers/models/ppdet/data/source/widerface.py
  27. 2
      paddlers/models/ppdet/data/transform/__init__.py
  28. 4
      paddlers/models/ppdet/data/transform/atss_assigner.py
  29. 2
      paddlers/models/ppdet/data/transform/autoaugment_utils.py
  30. 8
      paddlers/models/ppdet/data/transform/batch_operators.py
  31. 2
      paddlers/models/ppdet/data/transform/gridmask_utils.py
  32. 6
      paddlers/models/ppdet/data/transform/keypoint_operators.py
  33. 6
      paddlers/models/ppdet/data/transform/mot_operators.py
  34. 2
      paddlers/models/ppdet/data/transform/op_helper.py
  35. 10
      paddlers/models/ppdet/data/transform/operators.py
  36. 2
      paddlers/models/ppdet/engine/__init__.py
  37. 8
      paddlers/models/ppdet/engine/callbacks.py
  38. 2
      paddlers/models/ppdet/engine/env.py
  39. 8
      paddlers/models/ppdet/engine/export_utils.py
  40. 16
      paddlers/models/ppdet/engine/tracker.py
  41. 28
      paddlers/models/ppdet/engine/trainer.py
  42. 2
      paddlers/models/ppdet/metrics/__init__.py
  43. 8
      paddlers/models/ppdet/metrics/coco_utils.py
  44. 2
      paddlers/models/ppdet/metrics/json_results.py
  45. 4
      paddlers/models/ppdet/metrics/keypoint_metrics.py
  46. 6
      paddlers/models/ppdet/metrics/map_utils.py
  47. 4
      paddlers/models/ppdet/metrics/mcmot_metrics.py
  48. 6
      paddlers/models/ppdet/metrics/metrics.py
  49. 6
      paddlers/models/ppdet/metrics/mot_metrics.py
  50. 2
      paddlers/models/ppdet/metrics/munkres.py
  51. 4
      paddlers/models/ppdet/metrics/widerface_utils.py
  52. 2
      paddlers/models/ppdet/model_zoo/__init__.py
  53. 10
      paddlers/models/ppdet/model_zoo/model_zoo.py
  54. 2
      paddlers/models/ppdet/modeling/__init__.py
  55. 2
      paddlers/models/ppdet/modeling/architectures/__init__.py
  56. 4
      paddlers/models/ppdet/modeling/architectures/blazeface.py
  57. 4
      paddlers/models/ppdet/modeling/architectures/cascade_rcnn.py
  58. 4
      paddlers/models/ppdet/modeling/architectures/centernet.py
  59. 6
      paddlers/models/ppdet/modeling/architectures/deepsort.py
  60. 4
      paddlers/models/ppdet/modeling/architectures/detr.py
  61. 4
      paddlers/models/ppdet/modeling/architectures/fairmot.py
  62. 4
      paddlers/models/ppdet/modeling/architectures/faster_rcnn.py
  63. 4
      paddlers/models/ppdet/modeling/architectures/fcos.py
  64. 4
      paddlers/models/ppdet/modeling/architectures/gfl.py
  65. 4
      paddlers/models/ppdet/modeling/architectures/jde.py
  66. 4
      paddlers/models/ppdet/modeling/architectures/keypoint_hrhrnet.py
  67. 4
      paddlers/models/ppdet/modeling/architectures/keypoint_hrnet.py
  68. 4
      paddlers/models/ppdet/modeling/architectures/mask_rcnn.py
  69. 4
      paddlers/models/ppdet/modeling/architectures/meta_arch.py
  70. 4
      paddlers/models/ppdet/modeling/architectures/picodet.py
  71. 4
      paddlers/models/ppdet/modeling/architectures/s2anet.py
  72. 4
      paddlers/models/ppdet/modeling/architectures/solov2.py
  73. 4
      paddlers/models/ppdet/modeling/architectures/sparse_rcnn.py
  74. 6
      paddlers/models/ppdet/modeling/architectures/ssd.py
  75. 4
      paddlers/models/ppdet/modeling/architectures/tood.py
  76. 4
      paddlers/models/ppdet/modeling/architectures/ttfnet.py
  77. 4
      paddlers/models/ppdet/modeling/architectures/yolo.py
  78. 2
      paddlers/models/ppdet/modeling/assigners/__init__.py
  79. 4
      paddlers/models/ppdet/modeling/assigners/atss_assigner.py
  80. 8
      paddlers/models/ppdet/modeling/assigners/simota_assigner.py
  81. 4
      paddlers/models/ppdet/modeling/assigners/task_aligned_assigner.py
  82. 2
      paddlers/models/ppdet/modeling/assigners/utils.py
  83. 2
      paddlers/models/ppdet/modeling/backbones/__init__.py
  84. 4
      paddlers/models/ppdet/modeling/backbones/blazenet.py
  85. 6
      paddlers/models/ppdet/modeling/backbones/darknet.py
  86. 6
      paddlers/models/ppdet/modeling/backbones/dla.py
  87. 8
      paddlers/models/ppdet/modeling/backbones/esnet.py
  88. 4
      paddlers/models/ppdet/modeling/backbones/ghostnet.py
  89. 4
      paddlers/models/ppdet/modeling/backbones/hardnet.py
  90. 4
      paddlers/models/ppdet/modeling/backbones/hrnet.py
  91. 4
      paddlers/models/ppdet/modeling/backbones/lcnet.py
  92. 8
      paddlers/models/ppdet/modeling/backbones/lite_hrnet.py
  93. 4
      paddlers/models/ppdet/modeling/backbones/mobilenet_v1.py
  94. 4
      paddlers/models/ppdet/modeling/backbones/mobilenet_v3.py
  95. 0
      paddlers/models/ppdet/modeling/backbones/name_adapter.py
  96. 4
      paddlers/models/ppdet/modeling/backbones/res2net.py
  97. 4
      paddlers/models/ppdet/modeling/backbones/resnet.py
  98. 4
      paddlers/models/ppdet/modeling/backbones/senet.py
  99. 6
      paddlers/models/ppdet/modeling/backbones/shufflenet_v2.py
  100. 6
      paddlers/models/ppdet/modeling/backbones/swin_transformer.py
  101. Some files were not shown because too many files have changed in this diff Show More

@ -1,4 +1,4 @@
from . import models, datasets, transforms, utils, tools, third_party
from . import tasks, datasets, transforms, utils, tools, models
# TODO, add these info in installation
env_info = {'place': 'gpu', 'num': 1}

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,2 +1,15 @@
from . import det
from .load_model import load_model
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
from . import ppcd, ppcls, ppdet, ppseg

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -11,5 +11,3 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
from . import ppcd, ppcls, ppdet, ppseg

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -25,11 +25,11 @@ import numpy as np
from paddle.io import DataLoader, DistributedBatchSampler
from paddle.fluid.dataloader.collate import default_collate_fn
from paddlers.third_party.ppdet.core.workspace import register
from paddlers.models.ppdet.core.workspace import register
from . import transform
from .shm_utils import _get_shared_memory_size_in_M
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger('reader')
MAIN_PID = os.getpid()

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -18,9 +18,9 @@ from __future__ import print_function
import os
from paddlers.third_party.ppdet.data.source.voc import pascalvoc_label
from paddlers.third_party.ppdet.data.source.widerface import widerface_label
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.data.source.voc import pascalvoc_label
from paddlers.models.ppdet.data.source.widerface import widerface_label
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)
__all__ = ['get_categories']

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -14,10 +14,10 @@
import os
import numpy as np
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from .dataset import DetDataset
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -20,8 +20,8 @@ try:
except Exception:
from collections import Sequence
from paddle.io import Dataset
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.third_party.ppdet.utils.download import get_dataset_path
from paddlers.models.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.utils.download import get_dataset_path
import copy

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -22,7 +22,7 @@ import copy
import pycocotools
from pycocotools.coco import COCO
from .dataset import DetDataset
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
@serializable

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -23,8 +23,8 @@ try:
except Exception:
from collections import Sequence
from .dataset import DetDataset, _make_dataset, _is_valid_file
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -23,11 +23,11 @@ try:
except Exception:
from collections import Sequence
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.third_party.ppdet.data.crop_utils.annotation_cropper import AnnoCropper
from paddlers.models.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.data.crop_utils.annotation_cropper import AnnoCropper
from .coco import COCODataSet
from .dataset import _make_dataset, _is_valid_file
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger('sniper_coco_dataset')

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,11 +17,11 @@ import numpy as np
import xml.etree.ElementTree as ET
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from .dataset import DetDataset
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -15,10 +15,10 @@
import os
import numpy as np
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from .dataset import DetDataset
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -20,7 +20,7 @@ from __future__ import division
from __future__ import print_function
import numpy as np
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -31,9 +31,9 @@ from .op_helper import jaccard_overlap, gaussian2D, gaussian_radius, draw_umich_
from .atss_assigner import ATSSAssigner
from scipy import ndimage
from paddlers.third_party.ppdet.modeling import bbox_utils
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.third_party.ppdet.modeling.keypoint_utils import get_affine_transform, affine_transform
from paddlers.models.ppdet.modeling import bbox_utils
from paddlers.models.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.modeling.keypoint_utils import get_affine_transform, affine_transform
logger = setup_logger(__name__)
__all__ = [

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -29,8 +29,8 @@ import math
import copy
from ...modeling.keypoint_utils import get_affine_mat_kernel, warp_affine_joints, get_affine_transform, affine_transform, get_warp_matrix
from paddlers.third_party.ppdet.core.workspace import serializable
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.core.workspace import serializable
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)
registered_ops = []

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -30,8 +30,8 @@ import math
from .operators import BaseOperator, register_op
from .batch_operators import Gt2TTFTarget
from paddlers.third_party.ppdet.modeling.bbox_utils import bbox_iou_np_expand
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.modeling.bbox_utils import bbox_iou_np_expand
from paddlers.models.ppdet.utils.logger import setup_logger
from .op_helper import gaussian_radius
logger = setup_logger(__name__)

@ -1,4 +1,4 @@
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -40,8 +40,8 @@ import pickle
import threading
MUTEX = threading.Lock()
from paddlers.third_party.ppdet.core.workspace import serializable
from paddlers.third_party.ppdet.modeling import bbox_utils
from paddlers.models.ppdet.core.workspace import serializable
from paddlers.models.ppdet.modeling import bbox_utils
from ..reader import Compose
from .op_helper import (satisfy_sample_constraint, filter_and_process,
@ -50,8 +50,8 @@ from .op_helper import (satisfy_sample_constraint, filter_and_process,
crop_image_sampling, generate_sample_bbox_square,
bbox_area_sampling, is_poly, get_border)
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.third_party.ppdet.modeling.keypoint_utils import get_affine_transform, affine_transform
from paddlers.models.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.modeling.keypoint_utils import get_affine_transform, affine_transform
logger = setup_logger(__name__)
registered_ops = []

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -26,10 +26,10 @@ import json
import paddle
import paddle.distributed as dist
from paddlers.third_party.ppdet.utils.checkpoint import save_model
from paddlers.third_party.ppdet.metrics import get_infer_results
from paddlers.models.ppdet.utils.checkpoint import save_model
from paddlers.models.ppdet.metrics import get_infer_results
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger('ppdet.engine')
__all__ = [

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -21,9 +21,9 @@ import yaml
from collections import OrderedDict
import paddle
from paddlers.third_party.ppdet.data.source.category import get_categories
from paddlers.models.ppdet.data.source.category import get_categories
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger('ppdet.engine')
# Global dictionary
@ -116,7 +116,7 @@ def _parse_tracker(tracker_cfg):
def _dump_infer_config(config, path, image_shape, model):
arch_state = False
from paddlers.third_party.ppdet.core.config.yaml_helpers import setup_orderdict
from paddlers.models.ppdet.core.config.yaml_helpers import setup_orderdict
setup_orderdict()
use_dynamic_shape = True if image_shape[2] == -1 else False
infer_cfg = OrderedDict({

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -25,17 +25,17 @@ import numpy as np
import os.path as osp
from collections import defaultdict
from paddlers.third_party.ppdet.core.workspace import create
from paddlers.third_party.ppdet.utils.checkpoint import load_weight, load_pretrain_weight
from paddlers.third_party.ppdet.modeling.mot.utils import Detection, get_crops, scale_coords, clip_box
from paddlers.third_party.ppdet.modeling.mot.utils import MOTTimer, load_det_results, write_mot_results, save_vis_results
from paddlers.models.ppdet.core.workspace import create
from paddlers.models.ppdet.utils.checkpoint import load_weight, load_pretrain_weight
from paddlers.models.ppdet.modeling.mot.utils import Detection, get_crops, scale_coords, clip_box
from paddlers.models.ppdet.modeling.mot.utils import MOTTimer, load_det_results, write_mot_results, save_vis_results
from paddlers.third_party.ppdet.metrics import Metric, MOTMetric, KITTIMOTMetric
from paddlers.third_party.ppdet.metrics import MCMOTMetric
from paddlers.models.ppdet.metrics import Metric, MOTMetric, KITTIMOTMetric
from paddlers.models.ppdet.metrics import MCMOTMetric
from .callbacks import Callback, ComposeCallback
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)
__all__ = ['Tracker']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -30,23 +30,23 @@ import paddle.distributed as dist
from paddle.distributed import fleet
from paddle import amp
from paddle.static import InputSpec
from paddlers.third_party.ppdet.optimizer import ModelEMA
from paddlers.third_party.ppdet.core.workspace import create
from paddlers.third_party.ppdet.modeling.architectures.meta_arch import BaseArch
from paddlers.third_party.ppdet.utils.checkpoint import load_weight, load_pretrain_weight
from paddlers.third_party.ppdet.utils.visualizer import visualize_results, save_result
from paddlers.third_party.ppdet.metrics import Metric, COCOMetric, VOCMetric, WiderFaceMetric, get_infer_results, KeyPointTopDownCOCOEval, KeyPointTopDownMPIIEval
from paddlers.third_party.ppdet.metrics import RBoxMetric, JDEDetMetric, SNIPERCOCOMetric
from paddlers.third_party.ppdet.data.source.sniper_coco import SniperCOCODataSet
from paddlers.third_party.ppdet.data.source.category import get_categories
from paddlers.third_party.ppdet.utils import stats
from paddlers.third_party.ppdet.utils import profiler
from paddlers.models.ppdet.optimizer import ModelEMA
from paddlers.models.ppdet.core.workspace import create
from paddlers.models.ppdet.modeling.architectures.meta_arch import BaseArch
from paddlers.models.ppdet.utils.checkpoint import load_weight, load_pretrain_weight
from paddlers.models.ppdet.utils.visualizer import visualize_results, save_result
from paddlers.models.ppdet.metrics import Metric, COCOMetric, VOCMetric, WiderFaceMetric, get_infer_results, KeyPointTopDownCOCOEval, KeyPointTopDownMPIIEval
from paddlers.models.ppdet.metrics import RBoxMetric, JDEDetMetric, SNIPERCOCOMetric
from paddlers.models.ppdet.data.source.sniper_coco import SniperCOCODataSet
from paddlers.models.ppdet.data.source.category import get_categories
from paddlers.models.ppdet.utils import stats
from paddlers.models.ppdet.utils import profiler
from .callbacks import Callback, ComposeCallback, LogPrinter, Checkpointer, WiferFaceEval, VisualDLWriter, SniperProposalsGenerator
from .export_utils import _dump_infer_config, _prune_input_spec
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger('ppdet.engine')
__all__ = ['Trainer']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -21,10 +21,10 @@ import sys
import numpy as np
import itertools
from paddlers.third_party.ppdet.metrics.json_results import get_det_res, get_det_poly_res, get_seg_res, get_solov2_segm_res, get_keypoint_res
from paddlers.third_party.ppdet.metrics.map_utils import draw_pr_curve
from paddlers.models.ppdet.metrics.json_results import get_det_res, get_det_poly_res, get_seg_res, get_solov2_segm_res, get_keypoint_res
from paddlers.models.ppdet.metrics.map_utils import draw_pr_curve
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -20,7 +20,7 @@ from pycocotools.coco import COCO
from pycocotools.cocoeval import COCOeval
from ..modeling.keypoint_utils import oks_nms
from scipy.io import loadmat, savemat
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)
__all__ = ['KeyPointTopDownCOCOEval', 'KeyPointTopDownMPIIEval']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -22,9 +22,9 @@ import sys
import numpy as np
import itertools
import paddle
from paddlers.third_party.ppdet.modeling.bbox_utils import poly2rbox, rbox2poly_np
from paddlers.models.ppdet.modeling.bbox_utils import poly2rbox, rbox2poly_np
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)
__all__ = [

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -33,7 +33,7 @@ import motmetrics as mm
import openpyxl
metrics = mm.metrics.motchallenge_metrics
mh = mm.metrics.create()
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)
__all__ = ['MCMOTEvaluator', 'MCMOTMetric']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -26,9 +26,9 @@ import typing
from .map_utils import prune_zero_padding, DetectionMAP
from .coco_utils import get_infer_results, cocoapi_eval
from .widerface_utils import face_eval_run
from paddlers.third_party.ppdet.data.source.category import get_categories
from paddlers.models.ppdet.data.source.category import get_categories
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)
__all__ = [

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -24,12 +24,12 @@ from collections import defaultdict
import numpy as np
import paddle
import paddle.nn.functional as F
from paddlers.third_party.ppdet.modeling.bbox_utils import bbox_iou_np_expand
from paddlers.models.ppdet.modeling.bbox_utils import bbox_iou_np_expand
from .map_utils import ap_per_class
from .metrics import Metric
from .munkres import Munkres
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)
__all__ = ['MOTEvaluator', 'MOTMetric', 'JDEDetMetric', 'KITTIMOTMetric']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -23,7 +23,7 @@ from collections import OrderedDict
import paddle
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)
__all__ = ['face_eval_run', 'lmk2out']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -20,11 +20,11 @@ try:
except:
from collections import Sequence
from paddlers.third_party.ppdet.core.workspace import load_config, create
from paddlers.third_party.ppdet.utils.checkpoint import load_weight
from paddlers.third_party.ppdet.utils.download import get_config_path
from paddlers.models.ppdet.core.workspace import load_config, create
from paddlers.models.ppdet.utils.checkpoint import load_weight
from paddlers.models.ppdet.utils.download import get_config_path
from paddlers.third_party.ppdet.utils.logger import setup_logger
from paddlers.models.ppdet.utils.logger import setup_logger
logger = setup_logger(__name__)
__all__ = [

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -16,7 +16,7 @@ from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['BlazeFace']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,7 +17,7 @@ from __future__ import division
from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['CascadeRCNN']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -16,7 +16,7 @@ from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['CenterNet']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,9 +17,9 @@ from __future__ import division
from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
from paddlers.third_party.ppdet.modeling.mot.utils import Detection, get_crops, scale_coords, clip_box
from paddlers.models.ppdet.modeling.mot.utils import Detection, get_crops, scale_coords, clip_box
__all__ = ['DeepSORT']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -18,7 +18,7 @@ from __future__ import print_function
import paddle
from .meta_arch import BaseArch
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
__all__ = ['DETR']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,7 +17,7 @@ from __future__ import division
from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['FairMOT']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,7 +17,7 @@ from __future__ import division
from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['FasterRCNN']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,7 +17,7 @@ from __future__ import division
from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['FCOS']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,7 +17,7 @@ from __future__ import division
from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['GFL']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -16,7 +16,7 @@ from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['JDE']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -21,7 +21,7 @@ from collections import abc, defaultdict
import numpy as np
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create, serializable
from paddlers.models.ppdet.core.workspace import register, create, serializable
from .meta_arch import BaseArch
from .. import layers as L
from ..keypoint_utils import transpred

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -20,7 +20,7 @@ import paddle
import numpy as np
import math
import cv2
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
from ..keypoint_utils import transform_preds
from .. import layers as L

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,7 +17,7 @@ from __future__ import division
from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['MaskRCNN']

@ -7,8 +7,8 @@ import paddle
import paddle.nn as nn
import typing
from paddlers.third_party.ppdet.core.workspace import register
from paddlers.third_party.ppdet.modeling.post_process import nms
from paddlers.models.ppdet.core.workspace import register
from paddlers.models.ppdet.modeling.post_process import nms
__all__ = ['BaseArch']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,7 +17,7 @@ from __future__ import division
from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['PicoDet']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,7 +17,7 @@ from __future__ import division
from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['S2ANet']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -18,7 +18,7 @@ from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['SOLOv2']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -16,7 +16,7 @@ from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ["SparseRCNN"]

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -16,7 +16,7 @@ from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['SSD']
@ -43,7 +43,7 @@ class SSD(BaseArch):
self.post_process = post_process
self.r34_backbone = r34_backbone
if self.r34_backbone:
from paddlers.third_party.ppdet.modeling.backbones.resnet import ResNet
from paddlers.models.ppdet.modeling.backbones.resnet import ResNet
assert isinstance(self.backbone, ResNet) and \
self.backbone.depth == 34, \
"If you set r34_backbone=True, please use ResNet-34 as backbone."

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -16,7 +16,7 @@ from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['TOOD']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,7 +17,7 @@ from __future__ import division
from __future__ import print_function
import paddle
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
__all__ = ['TTFNet']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -16,7 +16,7 @@ from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from paddlers.third_party.ppdet.core.workspace import register, create
from paddlers.models.ppdet.core.workspace import register, create
from .meta_arch import BaseArch
from ..post_process import JDEBBoxPostProcess

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -21,7 +21,7 @@ import paddle
import paddle.nn as nn
import paddle.nn.functional as F
from paddlers.third_party.ppdet.core.workspace import register
from paddlers.models.ppdet.core.workspace import register
from ..ops import iou_similarity
from ..bbox_utils import bbox_center
from .utils import (pad_gt, check_points_inside_bboxes, compute_max_iou_anchor,

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -19,9 +19,9 @@ import paddle
import numpy as np
import paddle.nn.functional as F
from paddlers.third_party.ppdet.modeling.losses.varifocal_loss import varifocal_loss
from paddlers.third_party.ppdet.modeling.bbox_utils import batch_bbox_overlaps
from paddlers.third_party.ppdet.core.workspace import register
from paddlers.models.ppdet.modeling.losses.varifocal_loss import varifocal_loss
from paddlers.models.ppdet.modeling.bbox_utils import batch_bbox_overlaps
from paddlers.models.ppdet.core.workspace import register
@register

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -20,7 +20,7 @@ import paddle
import paddle.nn as nn
import paddle.nn.functional as F
from paddlers.third_party.ppdet.core.workspace import register
from paddlers.models.ppdet.core.workspace import register
from ..bbox_utils import iou_similarity
from .utils import (pad_gt, gather_topk_anchors, check_points_inside_bboxes,
compute_max_iou_anchor)

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# copyright (c) 2020 PaddlePaddle Authors. All Rights Reserve.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserve.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

@ -1,4 +1,4 @@
# copyright (c) 2021 PaddlePaddle Authors. All Rights Reserve.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserve.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -21,7 +21,7 @@ import paddle.nn as nn
import paddle.nn.functional as F
from paddle import ParamAttr
from paddle.nn.initializer import KaimingNormal
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from ..shape_spec import ShapeSpec
__all__ = ['BlazeNet']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -16,8 +16,8 @@ import paddle
import paddle.nn as nn
import paddle.nn.functional as F
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.third_party.ppdet.modeling.ops import batch_norm, mish
from paddlers.models.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.modeling.ops import batch_norm, mish
from ..shape_spec import ShapeSpec
__all__ = ['DarkNet', 'ConvBNLayer']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -15,8 +15,8 @@
import paddle
import paddle.nn as nn
import paddle.nn.functional as F
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.third_party.ppdet.modeling.layers import ConvNormLayer
from paddlers.models.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.modeling.layers import ConvNormLayer
from ..shape_spec import ShapeSpec
DLA_cfg = {34: ([1, 1, 1, 2, 2, 1], [16, 32, 64, 128, 256, 512])}

@ -1,4 +1,4 @@
# copyright (c) 2021 PaddlePaddle Authors. All Rights Reserve.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserve.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -24,11 +24,11 @@ from paddle.nn import Conv2D, MaxPool2D, AdaptiveAvgPool2D
from paddle.nn.initializer import KaimingNormal
from paddle.regularizer import L2Decay
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from numbers import Integral
from ..shape_spec import ShapeSpec
from paddlers.third_party.ppdet.modeling.ops import channel_shuffle
from paddlers.third_party.ppdet.modeling.backbones.shufflenet_v2 import ConvBNLayer
from paddlers.models.ppdet.modeling.ops import channel_shuffle
from paddlers.models.ppdet.modeling.backbones.shufflenet_v2 import ConvBNLayer
__all__ = ['ESNet']

@ -1,4 +1,4 @@
# copyright (c) 2021 PaddlePaddle Authors. All Rights Reserve.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserve.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -20,7 +20,7 @@ import paddle.nn.functional as F
from paddle.nn import AdaptiveAvgPool2D, Linear
from paddle.nn.initializer import Uniform
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from numbers import Integral
from ..shape_spec import ShapeSpec
from .mobilenet_v3 import make_divisible, ConvBNLayer

@ -1,4 +1,4 @@
# copyright (c) 2021 PaddlePaddle Authors. All Rights Reserve.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserve.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -14,7 +14,7 @@
import paddle
import paddle.nn as nn
from paddlers.third_party.ppdet.core.workspace import register
from paddlers.models.ppdet.core.workspace import register
from ..shape_spec import ShapeSpec
__all__ = ['HarDNet']

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -22,7 +22,7 @@ from paddle.nn.initializer import Normal, Uniform
from numbers import Integral
import math
from paddlers.third_party.ppdet.core.workspace import register
from paddlers.models.ppdet.core.workspace import register
from ..shape_spec import ShapeSpec
__all__ = ['HRNet']

@ -1,4 +1,4 @@
# copyright (c) 2021 PaddlePaddle Authors. All Rights Reserve.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserve.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -23,7 +23,7 @@ from paddle.nn import AdaptiveAvgPool2D, Conv2D
from paddle.regularizer import L2Decay
from paddle.nn.initializer import KaimingNormal
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from numbers import Integral
from ..shape_spec import ShapeSpec

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -24,9 +24,9 @@ from numbers import Integral
from paddle import ParamAttr
from paddle.regularizer import L2Decay
from paddle.nn.initializer import Normal, Constant
from paddlers.third_party.ppdet.core.workspace import register
from paddlers.third_party.ppdet.modeling.shape_spec import ShapeSpec
from paddlers.third_party.ppdet.modeling.ops import channel_shuffle
from paddlers.models.ppdet.core.workspace import register
from paddlers.models.ppdet.modeling.shape_spec import ShapeSpec
from paddlers.models.ppdet.modeling.ops import channel_shuffle
from .. import layers as L
__all__ = ['LiteHRNet']

@ -1,4 +1,4 @@
# copyright (c) 2020 PaddlePaddle Authors. All Rights Reserve.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserve.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -21,7 +21,7 @@ import paddle.nn.functional as F
from paddle import ParamAttr
from paddle.regularizer import L2Decay
from paddle.nn.initializer import KaimingNormal
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from numbers import Integral
from ..shape_spec import ShapeSpec

@ -1,4 +1,4 @@
# copyright (c) 2020 PaddlePaddle Authors. All Rights Reserve.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserve.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -21,7 +21,7 @@ import paddle.nn as nn
import paddle.nn.functional as F
from paddle import ParamAttr
from paddle.regularizer import L2Decay
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from numbers import Integral
from ..shape_spec import ShapeSpec

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -17,7 +17,7 @@ from numbers import Integral
import paddle
import paddle.nn as nn
import paddle.nn.functional as F
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from ..shape_spec import ShapeSpec
from .resnet import ConvNormLayer

@ -1,4 +1,4 @@
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -18,7 +18,7 @@ from numbers import Integral
import paddle
import paddle.nn as nn
import paddle.nn.functional as F
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from paddle.regularizer import L2Decay
from paddle.nn.initializer import Uniform
from paddle import ParamAttr

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -14,7 +14,7 @@
import paddle.nn as nn
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from .resnet import ResNet, Blocks, BasicBlock, BottleNeck
__all__ = ['SENet', 'SERes5Head']

@ -1,4 +1,4 @@
# copyright (c) 2021 PaddlePaddle Authors. All Rights Reserve.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserve.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -24,10 +24,10 @@ from paddle.nn import Conv2D, MaxPool2D, AdaptiveAvgPool2D, BatchNorm2D
from paddle.nn.initializer import KaimingNormal
from paddle.regularizer import L2Decay
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.core.workspace import register, serializable
from numbers import Integral
from ..shape_spec import ShapeSpec
from paddlers.third_party.ppdet.modeling.ops import channel_shuffle
from paddlers.models.ppdet.modeling.ops import channel_shuffle
__all__ = ['ShuffleNetV2']

@ -1,4 +1,4 @@
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
# Copyright (c) 2022 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -21,8 +21,8 @@ import paddle
import paddle.nn as nn
import paddle.nn.functional as F
from paddle.nn.initializer import TruncatedNormal, Constant, Assign
from paddlers.third_party.ppdet.modeling.shape_spec import ShapeSpec
from paddlers.third_party.ppdet.core.workspace import register, serializable
from paddlers.models.ppdet.modeling.shape_spec import ShapeSpec
from paddlers.models.ppdet.core.workspace import register, serializable
import numpy as np
# Common initializations

Some files were not shown because too many files have changed in this diff Show More

Loading…
Cancel
Save