paddlex 2.0.0rc4__py3-none-any.whl → 3.0.0b2__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- paddlex/.version +1 -0
- paddlex/__init__.py +51 -18
- paddlex/__main__.py +40 -0
- paddlex/configs/anomaly_detection/STFPM.yaml +41 -0
- paddlex/configs/doc_text_orientation/PP-LCNet_x1_0_doc_ori.yaml +41 -0
- paddlex/configs/face_detection/BlazeFace-FPN-SSH.yaml +40 -0
- paddlex/configs/face_detection/BlazeFace.yaml +40 -0
- paddlex/configs/face_detection/PP-YOLOE_plus-S_face.yaml +40 -0
- paddlex/configs/face_detection/PicoDet_LCNet_x2_5_face.yaml +40 -0
- paddlex/configs/face_recognition/MobileFaceNet.yaml +44 -0
- paddlex/configs/face_recognition/ResNet50_face.yaml +44 -0
- paddlex/configs/formula_recognition/LaTeX_OCR_rec.yaml +40 -0
- paddlex/configs/general_recognition/PP-ShiTuV2_rec.yaml +42 -0
- paddlex/configs/general_recognition/PP-ShiTuV2_rec_CLIP_vit_base.yaml +42 -0
- paddlex/configs/general_recognition/PP-ShiTuV2_rec_CLIP_vit_large.yaml +41 -0
- paddlex/configs/human_detection/PP-YOLOE-L_human.yaml +42 -0
- paddlex/configs/human_detection/PP-YOLOE-S_human.yaml +42 -0
- paddlex/configs/image_classification/CLIP_vit_base_patch16_224.yaml +41 -0
- paddlex/configs/image_classification/CLIP_vit_large_patch14_224.yaml +41 -0
- paddlex/configs/image_classification/ConvNeXt_base_224.yaml +41 -0
- paddlex/configs/image_classification/ConvNeXt_base_384.yaml +41 -0
- paddlex/configs/image_classification/ConvNeXt_large_224.yaml +41 -0
- paddlex/configs/image_classification/ConvNeXt_large_384.yaml +41 -0
- paddlex/configs/image_classification/ConvNeXt_small.yaml +41 -0
- paddlex/configs/image_classification/ConvNeXt_tiny.yaml +41 -0
- paddlex/configs/image_classification/FasterNet-L.yaml +40 -0
- paddlex/configs/image_classification/FasterNet-M.yaml +40 -0
- paddlex/configs/image_classification/FasterNet-S.yaml +40 -0
- paddlex/configs/image_classification/FasterNet-T0.yaml +40 -0
- paddlex/configs/image_classification/FasterNet-T1.yaml +40 -0
- paddlex/configs/image_classification/FasterNet-T2.yaml +40 -0
- paddlex/configs/image_classification/MobileNetV1_x0_25.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV1_x0_5.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV1_x0_75.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV1_x1_0.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV2_x0_25.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV2_x0_5.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV2_x1_0.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV2_x1_5.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV2_x2_0.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV3_large_x0_35.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV3_large_x0_5.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV3_large_x0_75.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV3_large_x1_0.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV3_large_x1_25.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV3_small_x0_35.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV3_small_x0_5.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV3_small_x0_75.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV3_small_x1_0.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV3_small_x1_25.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV4_conv_large.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV4_conv_medium.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV4_conv_small.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV4_hybrid_large.yaml +41 -0
- paddlex/configs/image_classification/MobileNetV4_hybrid_medium.yaml +41 -0
- paddlex/configs/image_classification/PP-HGNetV2-B0.yaml +41 -0
- paddlex/configs/image_classification/PP-HGNetV2-B1.yaml +41 -0
- paddlex/configs/image_classification/PP-HGNetV2-B2.yaml +41 -0
- paddlex/configs/image_classification/PP-HGNetV2-B3.yaml +41 -0
- paddlex/configs/image_classification/PP-HGNetV2-B4.yaml +41 -0
- paddlex/configs/image_classification/PP-HGNetV2-B5.yaml +41 -0
- paddlex/configs/image_classification/PP-HGNetV2-B6.yaml +41 -0
- paddlex/configs/image_classification/PP-HGNet_base.yaml +41 -0
- paddlex/configs/image_classification/PP-HGNet_small.yaml +41 -0
- paddlex/configs/image_classification/PP-HGNet_tiny.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNetV2_base.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNetV2_large.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNetV2_small.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNet_x0_25.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNet_x0_35.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNet_x0_5.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNet_x0_75.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNet_x1_0.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNet_x1_5.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNet_x2_0.yaml +41 -0
- paddlex/configs/image_classification/PP-LCNet_x2_5.yaml +41 -0
- paddlex/configs/image_classification/ResNet101.yaml +41 -0
- paddlex/configs/image_classification/ResNet101_vd.yaml +41 -0
- paddlex/configs/image_classification/ResNet152.yaml +41 -0
- paddlex/configs/image_classification/ResNet152_vd.yaml +41 -0
- paddlex/configs/image_classification/ResNet18.yaml +41 -0
- paddlex/configs/image_classification/ResNet18_vd.yaml +41 -0
- paddlex/configs/image_classification/ResNet200_vd.yaml +41 -0
- paddlex/configs/image_classification/ResNet34.yaml +41 -0
- paddlex/configs/image_classification/ResNet34_vd.yaml +41 -0
- paddlex/configs/image_classification/ResNet50.yaml +41 -0
- paddlex/configs/image_classification/ResNet50_vd.yaml +41 -0
- paddlex/configs/image_classification/StarNet-S1.yaml +41 -0
- paddlex/configs/image_classification/StarNet-S2.yaml +41 -0
- paddlex/configs/image_classification/StarNet-S3.yaml +41 -0
- paddlex/configs/image_classification/StarNet-S4.yaml +41 -0
- paddlex/configs/image_classification/SwinTransformer_base_patch4_window12_384.yaml +41 -0
- paddlex/configs/image_classification/SwinTransformer_base_patch4_window7_224.yaml +41 -0
- paddlex/configs/image_classification/SwinTransformer_large_patch4_window12_384.yaml +41 -0
- paddlex/configs/image_classification/SwinTransformer_large_patch4_window7_224.yaml +41 -0
- paddlex/configs/image_classification/SwinTransformer_small_patch4_window7_224.yaml +41 -0
- paddlex/configs/image_classification/SwinTransformer_tiny_patch4_window7_224.yaml +41 -0
- paddlex/configs/image_unwarping/UVDoc.yaml +12 -0
- paddlex/configs/instance_segmentation/Cascade-MaskRCNN-ResNet50-FPN.yaml +40 -0
- paddlex/configs/instance_segmentation/Cascade-MaskRCNN-ResNet50-vd-SSLDv2-FPN.yaml +40 -0
- paddlex/configs/instance_segmentation/Mask-RT-DETR-H.yaml +40 -0
- paddlex/configs/instance_segmentation/Mask-RT-DETR-L.yaml +40 -0
- paddlex/configs/instance_segmentation/Mask-RT-DETR-M.yaml +40 -0
- paddlex/configs/instance_segmentation/Mask-RT-DETR-S.yaml +40 -0
- paddlex/configs/instance_segmentation/Mask-RT-DETR-X.yaml +40 -0
- paddlex/configs/instance_segmentation/MaskRCNN-ResNeXt101-vd-FPN.yaml +39 -0
- paddlex/configs/instance_segmentation/MaskRCNN-ResNet101-FPN.yaml +40 -0
- paddlex/configs/instance_segmentation/MaskRCNN-ResNet101-vd-FPN.yaml +40 -0
- paddlex/configs/instance_segmentation/MaskRCNN-ResNet50-FPN.yaml +40 -0
- paddlex/configs/instance_segmentation/MaskRCNN-ResNet50-vd-FPN.yaml +40 -0
- paddlex/configs/instance_segmentation/MaskRCNN-ResNet50.yaml +40 -0
- paddlex/configs/instance_segmentation/PP-YOLOE_seg-S.yaml +40 -0
- paddlex/configs/instance_segmentation/SOLOv2.yaml +40 -0
- paddlex/configs/mainbody_detection/PP-ShiTuV2_det.yaml +41 -0
- paddlex/configs/multilabel_classification/CLIP_vit_base_patch16_448_ML.yaml +41 -0
- paddlex/configs/multilabel_classification/PP-HGNetV2-B0_ML.yaml +41 -0
- paddlex/configs/multilabel_classification/PP-HGNetV2-B4_ML.yaml +41 -0
- paddlex/configs/multilabel_classification/PP-HGNetV2-B6_ML.yaml +41 -0
- paddlex/configs/multilabel_classification/PP-LCNet_x1_0_ML.yaml +41 -0
- paddlex/configs/multilabel_classification/ResNet50_ML.yaml +41 -0
- paddlex/configs/object_detection/Cascade-FasterRCNN-ResNet50-FPN.yaml +41 -0
- paddlex/configs/object_detection/Cascade-FasterRCNN-ResNet50-vd-SSLDv2-FPN.yaml +42 -0
- paddlex/configs/object_detection/CenterNet-DLA-34.yaml +41 -0
- paddlex/configs/object_detection/CenterNet-ResNet50.yaml +41 -0
- paddlex/configs/object_detection/DETR-R50.yaml +42 -0
- paddlex/configs/object_detection/FCOS-ResNet50.yaml +41 -0
- paddlex/configs/object_detection/FasterRCNN-ResNeXt101-vd-FPN.yaml +42 -0
- paddlex/configs/object_detection/FasterRCNN-ResNet101-FPN.yaml +42 -0
- paddlex/configs/object_detection/FasterRCNN-ResNet101.yaml +42 -0
- paddlex/configs/object_detection/FasterRCNN-ResNet34-FPN.yaml +42 -0
- paddlex/configs/object_detection/FasterRCNN-ResNet50-FPN.yaml +42 -0
- paddlex/configs/object_detection/FasterRCNN-ResNet50-vd-FPN.yaml +42 -0
- paddlex/configs/object_detection/FasterRCNN-ResNet50-vd-SSLDv2-FPN.yaml +42 -0
- paddlex/configs/object_detection/FasterRCNN-ResNet50.yaml +42 -0
- paddlex/configs/object_detection/FasterRCNN-Swin-Tiny-FPN.yaml +42 -0
- paddlex/configs/object_detection/PP-YOLOE_plus-L.yaml +40 -0
- paddlex/configs/object_detection/PP-YOLOE_plus-M.yaml +40 -0
- paddlex/configs/object_detection/PP-YOLOE_plus-S.yaml +40 -0
- paddlex/configs/object_detection/PP-YOLOE_plus-X.yaml +40 -0
- paddlex/configs/object_detection/PicoDet-L.yaml +40 -0
- paddlex/configs/object_detection/PicoDet-M.yaml +42 -0
- paddlex/configs/object_detection/PicoDet-S.yaml +40 -0
- paddlex/configs/object_detection/PicoDet-XS.yaml +42 -0
- paddlex/configs/object_detection/RT-DETR-H.yaml +40 -0
- paddlex/configs/object_detection/RT-DETR-L.yaml +40 -0
- paddlex/configs/object_detection/RT-DETR-R18.yaml +40 -0
- paddlex/configs/object_detection/RT-DETR-R50.yaml +40 -0
- paddlex/configs/object_detection/RT-DETR-X.yaml +40 -0
- paddlex/configs/object_detection/YOLOX-L.yaml +40 -0
- paddlex/configs/object_detection/YOLOX-M.yaml +40 -0
- paddlex/configs/object_detection/YOLOX-N.yaml +40 -0
- paddlex/configs/object_detection/YOLOX-S.yaml +40 -0
- paddlex/configs/object_detection/YOLOX-T.yaml +40 -0
- paddlex/configs/object_detection/YOLOX-X.yaml +40 -0
- paddlex/configs/object_detection/YOLOv3-DarkNet53.yaml +40 -0
- paddlex/configs/object_detection/YOLOv3-MobileNetV3.yaml +40 -0
- paddlex/configs/object_detection/YOLOv3-ResNet50_vd_DCN.yaml +40 -0
- paddlex/configs/pedestrian_attribute/PP-LCNet_x1_0_pedestrian_attribute.yaml +41 -0
- paddlex/configs/semantic_segmentation/Deeplabv3-R101.yaml +40 -0
- paddlex/configs/semantic_segmentation/Deeplabv3-R50.yaml +40 -0
- paddlex/configs/semantic_segmentation/Deeplabv3_Plus-R101.yaml +40 -0
- paddlex/configs/semantic_segmentation/Deeplabv3_Plus-R50.yaml +40 -0
- paddlex/configs/semantic_segmentation/OCRNet_HRNet-W18.yaml +40 -0
- paddlex/configs/semantic_segmentation/OCRNet_HRNet-W48.yaml +40 -0
- paddlex/configs/semantic_segmentation/PP-LiteSeg-B.yaml +41 -0
- paddlex/configs/semantic_segmentation/PP-LiteSeg-T.yaml +40 -0
- paddlex/configs/semantic_segmentation/SeaFormer_base.yaml +40 -0
- paddlex/configs/semantic_segmentation/SeaFormer_large.yaml +40 -0
- paddlex/configs/semantic_segmentation/SeaFormer_small.yaml +40 -0
- paddlex/configs/semantic_segmentation/SeaFormer_tiny.yaml +40 -0
- paddlex/configs/semantic_segmentation/SegFormer-B0.yaml +40 -0
- paddlex/configs/semantic_segmentation/SegFormer-B1.yaml +40 -0
- paddlex/configs/semantic_segmentation/SegFormer-B2.yaml +40 -0
- paddlex/configs/semantic_segmentation/SegFormer-B3.yaml +40 -0
- paddlex/configs/semantic_segmentation/SegFormer-B4.yaml +40 -0
- paddlex/configs/semantic_segmentation/SegFormer-B5.yaml +40 -0
- paddlex/configs/small_object_detection/PP-YOLOE_plus_SOD-L.yaml +42 -0
- paddlex/configs/small_object_detection/PP-YOLOE_plus_SOD-S.yaml +42 -0
- paddlex/configs/small_object_detection/PP-YOLOE_plus_SOD-largesize-L.yaml +42 -0
- paddlex/configs/structure_analysis/PicoDet-L_layout_17cls.yaml +40 -0
- paddlex/configs/structure_analysis/PicoDet-L_layout_3cls.yaml +40 -0
- paddlex/configs/structure_analysis/PicoDet-S_layout_17cls.yaml +40 -0
- paddlex/configs/structure_analysis/PicoDet-S_layout_3cls.yaml +40 -0
- paddlex/configs/structure_analysis/PicoDet_layout_1x.yaml +40 -0
- paddlex/configs/structure_analysis/PicoDet_layout_1x_table.yaml +40 -0
- paddlex/configs/structure_analysis/RT-DETR-H_layout_17cls.yaml +40 -0
- paddlex/configs/structure_analysis/RT-DETR-H_layout_3cls.yaml +40 -0
- paddlex/configs/table_recognition/SLANet.yaml +39 -0
- paddlex/configs/table_recognition/SLANet_plus.yaml +39 -0
- paddlex/configs/text_detection/PP-OCRv4_mobile_det.yaml +40 -0
- paddlex/configs/text_detection/PP-OCRv4_server_det.yaml +40 -0
- paddlex/configs/text_detection_seal/PP-OCRv4_mobile_seal_det.yaml +40 -0
- paddlex/configs/text_detection_seal/PP-OCRv4_server_seal_det.yaml +40 -0
- paddlex/configs/text_recognition/PP-OCRv4_mobile_rec.yaml +39 -0
- paddlex/configs/text_recognition/PP-OCRv4_server_rec.yaml +39 -0
- paddlex/configs/text_recognition/ch_RepSVTR_rec.yaml +39 -0
- paddlex/configs/text_recognition/ch_SVTRv2_rec.yaml +39 -0
- paddlex/configs/ts_anomaly_detection/AutoEncoder_ad.yaml +37 -0
- paddlex/configs/ts_anomaly_detection/DLinear_ad.yaml +37 -0
- paddlex/configs/ts_anomaly_detection/Nonstationary_ad.yaml +37 -0
- paddlex/configs/ts_anomaly_detection/PatchTST_ad.yaml +37 -0
- paddlex/configs/ts_anomaly_detection/TimesNet_ad.yaml +37 -0
- paddlex/configs/ts_classification/TimesNet_cls.yaml +37 -0
- paddlex/configs/ts_forecast/DLinear.yaml +38 -0
- paddlex/configs/ts_forecast/NLinear.yaml +38 -0
- paddlex/configs/ts_forecast/Nonstationary.yaml +38 -0
- paddlex/configs/ts_forecast/PatchTST.yaml +38 -0
- paddlex/configs/ts_forecast/RLinear.yaml +38 -0
- paddlex/configs/ts_forecast/TiDE.yaml +38 -0
- paddlex/configs/ts_forecast/TimesNet.yaml +38 -0
- paddlex/configs/vehicle_attribute/PP-LCNet_x1_0_vehicle_attribute.yaml +41 -0
- paddlex/configs/vehicle_detection/PP-YOLOE-L_vehicle.yaml +41 -0
- paddlex/configs/vehicle_detection/PP-YOLOE-S_vehicle.yaml +42 -0
- paddlex/engine.py +54 -0
- paddlex/inference/__init__.py +17 -0
- paddlex/inference/components/__init__.py +18 -0
- paddlex/inference/components/base.py +292 -0
- paddlex/inference/components/llm/__init__.py +25 -0
- paddlex/inference/components/llm/base.py +65 -0
- paddlex/inference/components/llm/erniebot.py +212 -0
- paddlex/inference/components/paddle_predictor/__init__.py +20 -0
- paddlex/inference/components/paddle_predictor/predictor.py +332 -0
- paddlex/inference/components/retrieval/__init__.py +15 -0
- paddlex/inference/components/retrieval/faiss.py +359 -0
- paddlex/inference/components/task_related/__init__.py +33 -0
- paddlex/inference/components/task_related/clas.py +124 -0
- paddlex/inference/components/task_related/det.py +284 -0
- paddlex/inference/components/task_related/instance_seg.py +89 -0
- paddlex/inference/components/task_related/seal_det_warp.py +940 -0
- paddlex/inference/components/task_related/seg.py +40 -0
- paddlex/inference/components/task_related/table_rec.py +191 -0
- paddlex/inference/components/task_related/text_det.py +895 -0
- paddlex/inference/components/task_related/text_rec.py +353 -0
- paddlex/inference/components/task_related/warp.py +43 -0
- paddlex/inference/components/transforms/__init__.py +16 -0
- paddlex/inference/components/transforms/image/__init__.py +15 -0
- paddlex/inference/components/transforms/image/common.py +598 -0
- paddlex/inference/components/transforms/image/funcs.py +58 -0
- paddlex/inference/components/transforms/read_data.py +67 -0
- paddlex/inference/components/transforms/ts/__init__.py +15 -0
- paddlex/inference/components/transforms/ts/common.py +393 -0
- paddlex/inference/components/transforms/ts/funcs.py +424 -0
- paddlex/inference/models/__init__.py +106 -0
- paddlex/inference/models/anomaly_detection.py +87 -0
- paddlex/inference/models/base/__init__.py +16 -0
- paddlex/inference/models/base/base_predictor.py +76 -0
- paddlex/inference/models/base/basic_predictor.py +122 -0
- paddlex/inference/models/face_recognition.py +21 -0
- paddlex/inference/models/formula_recognition.py +55 -0
- paddlex/inference/models/general_recognition.py +99 -0
- paddlex/inference/models/image_classification.py +101 -0
- paddlex/inference/models/image_unwarping.py +43 -0
- paddlex/inference/models/instance_segmentation.py +66 -0
- paddlex/inference/models/multilabel_classification.py +33 -0
- paddlex/inference/models/object_detection.py +129 -0
- paddlex/inference/models/semantic_segmentation.py +86 -0
- paddlex/inference/models/table_recognition.py +106 -0
- paddlex/inference/models/text_detection.py +105 -0
- paddlex/inference/models/text_recognition.py +78 -0
- paddlex/inference/models/ts_ad.py +68 -0
- paddlex/inference/models/ts_cls.py +57 -0
- paddlex/inference/models/ts_fc.py +73 -0
- paddlex/inference/pipelines/__init__.py +127 -0
- paddlex/inference/pipelines/attribute_recognition.py +92 -0
- paddlex/inference/pipelines/base.py +86 -0
- paddlex/inference/pipelines/face_recognition.py +49 -0
- paddlex/inference/pipelines/formula_recognition.py +102 -0
- paddlex/inference/pipelines/layout_parsing/__init__.py +15 -0
- paddlex/inference/pipelines/layout_parsing/layout_parsing.py +362 -0
- paddlex/inference/pipelines/ocr.py +80 -0
- paddlex/inference/pipelines/pp_shitu_v2.py +152 -0
- paddlex/inference/pipelines/ppchatocrv3/__init__.py +15 -0
- paddlex/inference/pipelines/ppchatocrv3/ch_prompt.yaml +14 -0
- paddlex/inference/pipelines/ppchatocrv3/ppchatocrv3.py +717 -0
- paddlex/inference/pipelines/ppchatocrv3/utils.py +168 -0
- paddlex/inference/pipelines/seal_recognition.py +152 -0
- paddlex/inference/pipelines/serving/__init__.py +17 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/__init__.py +205 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/anomaly_detection.py +80 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/face_recognition.py +317 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/formula_recognition.py +119 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/image_classification.py +101 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/instance_segmentation.py +112 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/layout_parsing.py +205 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/multi_label_image_classification.py +90 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/object_detection.py +90 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/ocr.py +98 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/pedestrian_attribute_recognition.py +102 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/pp_shitu_v2.py +319 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/ppchatocrv3.py +445 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/seal_recognition.py +110 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/semantic_segmentation.py +82 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/small_object_detection.py +92 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/table_recognition.py +110 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/ts_ad.py +68 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/ts_cls.py +68 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/ts_fc.py +68 -0
- paddlex/inference/pipelines/serving/_pipeline_apps/vehicle_attribute_recognition.py +102 -0
- paddlex/inference/pipelines/serving/app.py +164 -0
- paddlex/inference/pipelines/serving/models.py +30 -0
- paddlex/inference/pipelines/serving/server.py +25 -0
- paddlex/inference/pipelines/serving/storage.py +161 -0
- paddlex/inference/pipelines/serving/utils.py +190 -0
- paddlex/inference/pipelines/single_model_pipeline.py +76 -0
- paddlex/inference/pipelines/table_recognition/__init__.py +15 -0
- paddlex/inference/pipelines/table_recognition/table_recognition.py +193 -0
- paddlex/inference/pipelines/table_recognition/utils.py +457 -0
- paddlex/inference/results/__init__.py +31 -0
- paddlex/inference/results/attribute_rec.py +89 -0
- paddlex/inference/results/base.py +43 -0
- paddlex/inference/results/chat_ocr.py +158 -0
- paddlex/inference/results/clas.py +133 -0
- paddlex/inference/results/det.py +86 -0
- paddlex/inference/results/face_rec.py +34 -0
- paddlex/inference/results/formula_rec.py +363 -0
- paddlex/inference/results/instance_seg.py +152 -0
- paddlex/inference/results/ocr.py +157 -0
- paddlex/inference/results/seal_rec.py +50 -0
- paddlex/inference/results/seg.py +72 -0
- paddlex/inference/results/shitu.py +35 -0
- paddlex/inference/results/table_rec.py +109 -0
- paddlex/inference/results/text_det.py +33 -0
- paddlex/inference/results/text_rec.py +66 -0
- paddlex/inference/results/ts.py +37 -0
- paddlex/inference/results/utils/__init__.py +13 -0
- paddlex/inference/results/utils/mixin.py +204 -0
- paddlex/inference/results/warp.py +31 -0
- paddlex/inference/utils/__init__.py +13 -0
- paddlex/inference/utils/benchmark.py +214 -0
- paddlex/inference/utils/color_map.py +123 -0
- paddlex/inference/utils/get_pipeline_path.py +26 -0
- paddlex/inference/utils/io/__init__.py +33 -0
- paddlex/inference/utils/io/readers.py +353 -0
- paddlex/inference/utils/io/style.py +374 -0
- paddlex/inference/utils/io/tablepyxl.py +149 -0
- paddlex/inference/utils/io/writers.py +376 -0
- paddlex/inference/utils/new_ir_blacklist.py +22 -0
- paddlex/inference/utils/official_models.py +286 -0
- paddlex/inference/utils/pp_option.py +236 -0
- paddlex/inference/utils/process_hook.py +54 -0
- paddlex/model.py +106 -0
- paddlex/modules/__init__.py +105 -0
- paddlex/modules/anomaly_detection/__init__.py +18 -0
- paddlex/modules/anomaly_detection/dataset_checker/__init__.py +95 -0
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/analyse_dataset.py +79 -0
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/check_dataset.py +87 -0
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/convert_dataset.py +230 -0
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/split_dataset.py +87 -0
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/utils/__init__.py +13 -0
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/utils/visualizer.py +71 -0
- paddlex/modules/anomaly_detection/evaluator.py +58 -0
- paddlex/modules/anomaly_detection/exportor.py +22 -0
- paddlex/modules/anomaly_detection/model_list.py +16 -0
- paddlex/modules/anomaly_detection/trainer.py +71 -0
- paddlex/modules/base/__init__.py +18 -0
- paddlex/modules/base/build_model.py +34 -0
- paddlex/modules/base/dataset_checker/__init__.py +16 -0
- paddlex/modules/base/dataset_checker/dataset_checker.py +164 -0
- paddlex/modules/base/dataset_checker/utils.py +110 -0
- paddlex/modules/base/evaluator.py +154 -0
- paddlex/modules/base/exportor.py +121 -0
- paddlex/modules/base/trainer.py +111 -0
- paddlex/modules/face_recognition/__init__.py +18 -0
- paddlex/modules/face_recognition/dataset_checker/__init__.py +71 -0
- paddlex/modules/face_recognition/dataset_checker/dataset_src/__init__.py +16 -0
- paddlex/modules/face_recognition/dataset_checker/dataset_src/check_dataset.py +174 -0
- paddlex/modules/face_recognition/dataset_checker/dataset_src/utils/__init__.py +13 -0
- paddlex/modules/face_recognition/dataset_checker/dataset_src/utils/visualizer.py +156 -0
- paddlex/modules/face_recognition/evaluator.py +52 -0
- paddlex/modules/face_recognition/exportor.py +22 -0
- paddlex/modules/face_recognition/model_list.py +15 -0
- paddlex/modules/face_recognition/trainer.py +97 -0
- paddlex/modules/formula_recognition/__init__.py +13 -0
- paddlex/modules/formula_recognition/model_list.py +17 -0
- paddlex/modules/general_recognition/__init__.py +18 -0
- paddlex/modules/general_recognition/dataset_checker/__init__.py +107 -0
- paddlex/modules/general_recognition/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/general_recognition/dataset_checker/dataset_src/analyse_dataset.py +98 -0
- paddlex/modules/general_recognition/dataset_checker/dataset_src/check_dataset.py +100 -0
- paddlex/modules/general_recognition/dataset_checker/dataset_src/convert_dataset.py +99 -0
- paddlex/modules/general_recognition/dataset_checker/dataset_src/split_dataset.py +82 -0
- paddlex/modules/general_recognition/dataset_checker/dataset_src/utils/__init__.py +13 -0
- paddlex/modules/general_recognition/dataset_checker/dataset_src/utils/visualizer.py +150 -0
- paddlex/modules/general_recognition/evaluator.py +31 -0
- paddlex/modules/general_recognition/exportor.py +22 -0
- paddlex/modules/general_recognition/model_list.py +19 -0
- paddlex/modules/general_recognition/trainer.py +52 -0
- paddlex/modules/image_classification/__init__.py +18 -0
- paddlex/modules/image_classification/dataset_checker/__init__.py +104 -0
- paddlex/modules/image_classification/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/image_classification/dataset_checker/dataset_src/analyse_dataset.py +93 -0
- paddlex/modules/image_classification/dataset_checker/dataset_src/check_dataset.py +131 -0
- paddlex/modules/image_classification/dataset_checker/dataset_src/convert_dataset.py +51 -0
- paddlex/modules/image_classification/dataset_checker/dataset_src/split_dataset.py +81 -0
- paddlex/modules/image_classification/dataset_checker/dataset_src/utils/__init__.py +13 -0
- paddlex/modules/image_classification/dataset_checker/dataset_src/utils/visualizer.py +156 -0
- paddlex/modules/image_classification/evaluator.py +43 -0
- paddlex/modules/image_classification/exportor.py +22 -0
- paddlex/modules/image_classification/model_list.py +97 -0
- paddlex/modules/image_classification/trainer.py +82 -0
- paddlex/modules/image_unwarping/__init__.py +13 -0
- paddlex/modules/image_unwarping/model_list.py +17 -0
- paddlex/modules/instance_segmentation/__init__.py +18 -0
- paddlex/modules/instance_segmentation/dataset_checker/__init__.py +93 -0
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/analyse_dataset.py +78 -0
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/check_dataset.py +92 -0
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/convert_dataset.py +241 -0
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/split_dataset.py +119 -0
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/utils/__init__.py +13 -0
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/utils/visualizer.py +221 -0
- paddlex/modules/instance_segmentation/evaluator.py +32 -0
- paddlex/modules/instance_segmentation/exportor.py +22 -0
- paddlex/modules/instance_segmentation/model_list.py +33 -0
- paddlex/modules/instance_segmentation/trainer.py +31 -0
- paddlex/modules/multilabel_classification/__init__.py +18 -0
- paddlex/modules/multilabel_classification/dataset_checker/__init__.py +106 -0
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/analyse_dataset.py +95 -0
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/check_dataset.py +131 -0
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/convert_dataset.py +117 -0
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/split_dataset.py +81 -0
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/utils/__init__.py +13 -0
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/utils/visualizer.py +153 -0
- paddlex/modules/multilabel_classification/evaluator.py +43 -0
- paddlex/modules/multilabel_classification/exportor.py +22 -0
- paddlex/modules/multilabel_classification/model_list.py +24 -0
- paddlex/modules/multilabel_classification/trainer.py +85 -0
- paddlex/modules/object_detection/__init__.py +18 -0
- paddlex/modules/object_detection/dataset_checker/__init__.py +115 -0
- paddlex/modules/object_detection/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/object_detection/dataset_checker/dataset_src/analyse_dataset.py +80 -0
- paddlex/modules/object_detection/dataset_checker/dataset_src/check_dataset.py +86 -0
- paddlex/modules/object_detection/dataset_checker/dataset_src/convert_dataset.py +433 -0
- paddlex/modules/object_detection/dataset_checker/dataset_src/split_dataset.py +119 -0
- paddlex/modules/object_detection/dataset_checker/dataset_src/utils/__init__.py +13 -0
- paddlex/modules/object_detection/dataset_checker/dataset_src/utils/visualizer.py +192 -0
- paddlex/modules/object_detection/evaluator.py +41 -0
- paddlex/modules/object_detection/exportor.py +22 -0
- paddlex/modules/object_detection/model_list.py +74 -0
- paddlex/modules/object_detection/trainer.py +85 -0
- paddlex/modules/semantic_segmentation/__init__.py +18 -0
- paddlex/modules/semantic_segmentation/dataset_checker/__init__.py +95 -0
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/analyse_dataset.py +73 -0
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/check_dataset.py +80 -0
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/convert_dataset.py +162 -0
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/split_dataset.py +87 -0
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/utils/__init__.py +13 -0
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/utils/visualizer.py +71 -0
- paddlex/modules/semantic_segmentation/evaluator.py +58 -0
- paddlex/modules/semantic_segmentation/exportor.py +22 -0
- paddlex/modules/semantic_segmentation/model_list.py +35 -0
- paddlex/modules/semantic_segmentation/trainer.py +71 -0
- paddlex/modules/table_recognition/__init__.py +18 -0
- paddlex/modules/table_recognition/dataset_checker/__init__.py +83 -0
- paddlex/modules/table_recognition/dataset_checker/dataset_src/__init__.py +18 -0
- paddlex/modules/table_recognition/dataset_checker/dataset_src/analyse_dataset.py +58 -0
- paddlex/modules/table_recognition/dataset_checker/dataset_src/check_dataset.py +87 -0
- paddlex/modules/table_recognition/dataset_checker/dataset_src/split_dataset.py +79 -0
- paddlex/modules/table_recognition/evaluator.py +43 -0
- paddlex/modules/table_recognition/exportor.py +22 -0
- paddlex/modules/table_recognition/model_list.py +19 -0
- paddlex/modules/table_recognition/trainer.py +70 -0
- paddlex/modules/text_detection/__init__.py +18 -0
- paddlex/modules/text_detection/dataset_checker/__init__.py +94 -0
- paddlex/modules/text_detection/dataset_checker/dataset_src/__init__.py +18 -0
- paddlex/modules/text_detection/dataset_checker/dataset_src/analyse_dataset.py +217 -0
- paddlex/modules/text_detection/dataset_checker/dataset_src/check_dataset.py +96 -0
- paddlex/modules/text_detection/dataset_checker/dataset_src/split_dataset.py +140 -0
- paddlex/modules/text_detection/evaluator.py +41 -0
- paddlex/modules/text_detection/exportor.py +22 -0
- paddlex/modules/text_detection/model_list.py +22 -0
- paddlex/modules/text_detection/trainer.py +68 -0
- paddlex/modules/text_recognition/__init__.py +18 -0
- paddlex/modules/text_recognition/dataset_checker/__init__.py +114 -0
- paddlex/modules/text_recognition/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/text_recognition/dataset_checker/dataset_src/analyse_dataset.py +161 -0
- paddlex/modules/text_recognition/dataset_checker/dataset_src/check_dataset.py +97 -0
- paddlex/modules/text_recognition/dataset_checker/dataset_src/convert_dataset.py +94 -0
- paddlex/modules/text_recognition/dataset_checker/dataset_src/split_dataset.py +81 -0
- paddlex/modules/text_recognition/evaluator.py +63 -0
- paddlex/modules/text_recognition/exportor.py +25 -0
- paddlex/modules/text_recognition/model_list.py +20 -0
- paddlex/modules/text_recognition/trainer.py +105 -0
- paddlex/modules/ts_anomaly_detection/__init__.py +19 -0
- paddlex/modules/ts_anomaly_detection/dataset_checker/__init__.py +97 -0
- paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/analyse_dataset.py +27 -0
- paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/check_dataset.py +64 -0
- paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/convert_dataset.py +78 -0
- paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/split_dataset.py +63 -0
- paddlex/modules/ts_anomaly_detection/evaluator.py +67 -0
- paddlex/modules/ts_anomaly_detection/exportor.py +45 -0
- paddlex/modules/ts_anomaly_detection/model_list.py +22 -0
- paddlex/modules/ts_anomaly_detection/trainer.py +97 -0
- paddlex/modules/ts_classification/__init__.py +19 -0
- paddlex/modules/ts_classification/dataset_checker/__init__.py +97 -0
- paddlex/modules/ts_classification/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/ts_classification/dataset_checker/dataset_src/analyse_dataset.py +74 -0
- paddlex/modules/ts_classification/dataset_checker/dataset_src/check_dataset.py +64 -0
- paddlex/modules/ts_classification/dataset_checker/dataset_src/convert_dataset.py +78 -0
- paddlex/modules/ts_classification/dataset_checker/dataset_src/split_dataset.py +88 -0
- paddlex/modules/ts_classification/evaluator.py +66 -0
- paddlex/modules/ts_classification/exportor.py +45 -0
- paddlex/modules/ts_classification/model_list.py +18 -0
- paddlex/modules/ts_classification/trainer.py +92 -0
- paddlex/modules/ts_forecast/__init__.py +19 -0
- paddlex/modules/ts_forecast/dataset_checker/__init__.py +97 -0
- paddlex/modules/ts_forecast/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/ts_forecast/dataset_checker/dataset_src/analyse_dataset.py +27 -0
- paddlex/modules/ts_forecast/dataset_checker/dataset_src/check_dataset.py +64 -0
- paddlex/modules/ts_forecast/dataset_checker/dataset_src/convert_dataset.py +77 -0
- paddlex/modules/ts_forecast/dataset_checker/dataset_src/split_dataset.py +63 -0
- paddlex/modules/ts_forecast/evaluator.py +66 -0
- paddlex/modules/ts_forecast/exportor.py +45 -0
- paddlex/modules/ts_forecast/model_list.py +24 -0
- paddlex/modules/ts_forecast/trainer.py +92 -0
- paddlex/paddlex_cli.py +197 -0
- paddlex/pipelines/OCR.yaml +8 -0
- paddlex/pipelines/PP-ChatOCRv3-doc.yaml +27 -0
- paddlex/pipelines/PP-ShiTuV2.yaml +13 -0
- paddlex/pipelines/anomaly_detection.yaml +7 -0
- paddlex/pipelines/face_recognition.yaml +13 -0
- paddlex/pipelines/formula_recognition.yaml +8 -0
- paddlex/pipelines/image_classification.yaml +7 -0
- paddlex/pipelines/instance_segmentation.yaml +7 -0
- paddlex/pipelines/layout_parsing.yaml +14 -0
- paddlex/pipelines/multi_label_image_classification.yaml +7 -0
- paddlex/pipelines/object_detection.yaml +7 -0
- paddlex/pipelines/pedestrian_attribute_recognition.yaml +7 -0
- paddlex/pipelines/seal_recognition.yaml +10 -0
- paddlex/pipelines/semantic_segmentation.yaml +7 -0
- paddlex/pipelines/small_object_detection.yaml +7 -0
- paddlex/pipelines/table_recognition.yaml +12 -0
- paddlex/pipelines/ts_ad.yaml +7 -0
- paddlex/pipelines/ts_cls.yaml +7 -0
- paddlex/pipelines/ts_fc.yaml +7 -0
- paddlex/pipelines/vehicle_attribute_recognition.yaml +7 -0
- paddlex/repo_apis/PaddleClas_api/__init__.py +17 -0
- paddlex/repo_apis/PaddleClas_api/cls/__init__.py +19 -0
- paddlex/repo_apis/PaddleClas_api/cls/config.py +594 -0
- paddlex/repo_apis/PaddleClas_api/cls/model.py +349 -0
- paddlex/repo_apis/PaddleClas_api/cls/register.py +890 -0
- paddlex/repo_apis/PaddleClas_api/cls/runner.py +219 -0
- paddlex/repo_apis/PaddleClas_api/shitu_rec/__init__.py +18 -0
- paddlex/repo_apis/PaddleClas_api/shitu_rec/config.py +141 -0
- paddlex/repo_apis/PaddleClas_api/shitu_rec/model.py +23 -0
- paddlex/repo_apis/PaddleClas_api/shitu_rec/register.py +68 -0
- paddlex/repo_apis/PaddleClas_api/shitu_rec/runner.py +55 -0
- paddlex/repo_apis/PaddleDetection_api/__init__.py +17 -0
- paddlex/repo_apis/PaddleDetection_api/config_helper.py +280 -0
- paddlex/repo_apis/PaddleDetection_api/instance_seg/__init__.py +18 -0
- paddlex/repo_apis/PaddleDetection_api/instance_seg/config.py +454 -0
- paddlex/repo_apis/PaddleDetection_api/instance_seg/model.py +397 -0
- paddlex/repo_apis/PaddleDetection_api/instance_seg/register.py +263 -0
- paddlex/repo_apis/PaddleDetection_api/instance_seg/runner.py +226 -0
- paddlex/repo_apis/PaddleDetection_api/object_det/__init__.py +19 -0
- paddlex/repo_apis/PaddleDetection_api/object_det/config.py +517 -0
- paddlex/repo_apis/PaddleDetection_api/object_det/model.py +424 -0
- paddlex/repo_apis/PaddleDetection_api/object_det/official_categories.py +139 -0
- paddlex/repo_apis/PaddleDetection_api/object_det/register.py +927 -0
- paddlex/repo_apis/PaddleDetection_api/object_det/runner.py +226 -0
- paddlex/repo_apis/PaddleNLP_api/__init__.py +13 -0
- paddlex/repo_apis/PaddleOCR_api/__init__.py +20 -0
- paddlex/repo_apis/PaddleOCR_api/config_utils.py +53 -0
- paddlex/repo_apis/PaddleOCR_api/table_rec/__init__.py +16 -0
- paddlex/repo_apis/PaddleOCR_api/table_rec/config.py +64 -0
- paddlex/repo_apis/PaddleOCR_api/table_rec/model.py +126 -0
- paddlex/repo_apis/PaddleOCR_api/table_rec/register.py +53 -0
- paddlex/repo_apis/PaddleOCR_api/table_rec/runner.py +51 -0
- paddlex/repo_apis/PaddleOCR_api/text_det/__init__.py +16 -0
- paddlex/repo_apis/PaddleOCR_api/text_det/config.py +62 -0
- paddlex/repo_apis/PaddleOCR_api/text_det/model.py +72 -0
- paddlex/repo_apis/PaddleOCR_api/text_det/register.py +72 -0
- paddlex/repo_apis/PaddleOCR_api/text_det/runner.py +53 -0
- paddlex/repo_apis/PaddleOCR_api/text_rec/__init__.py +16 -0
- paddlex/repo_apis/PaddleOCR_api/text_rec/config.py +542 -0
- paddlex/repo_apis/PaddleOCR_api/text_rec/model.py +396 -0
- paddlex/repo_apis/PaddleOCR_api/text_rec/register.py +80 -0
- paddlex/repo_apis/PaddleOCR_api/text_rec/runner.py +240 -0
- paddlex/repo_apis/PaddleSeg_api/__init__.py +16 -0
- paddlex/repo_apis/PaddleSeg_api/base_seg_config.py +134 -0
- paddlex/repo_apis/PaddleSeg_api/seg/__init__.py +16 -0
- paddlex/repo_apis/PaddleSeg_api/seg/config.py +177 -0
- paddlex/repo_apis/PaddleSeg_api/seg/model.py +481 -0
- paddlex/repo_apis/PaddleSeg_api/seg/register.py +253 -0
- paddlex/repo_apis/PaddleSeg_api/seg/runner.py +262 -0
- paddlex/repo_apis/PaddleTS_api/__init__.py +19 -0
- paddlex/repo_apis/PaddleTS_api/ts_ad/__init__.py +16 -0
- paddlex/repo_apis/PaddleTS_api/ts_ad/config.py +89 -0
- paddlex/repo_apis/PaddleTS_api/ts_ad/register.py +146 -0
- paddlex/repo_apis/PaddleTS_api/ts_ad/runner.py +158 -0
- paddlex/repo_apis/PaddleTS_api/ts_base/__init__.py +13 -0
- paddlex/repo_apis/PaddleTS_api/ts_base/config.py +222 -0
- paddlex/repo_apis/PaddleTS_api/ts_base/model.py +272 -0
- paddlex/repo_apis/PaddleTS_api/ts_base/runner.py +158 -0
- paddlex/repo_apis/PaddleTS_api/ts_cls/__init__.py +16 -0
- paddlex/repo_apis/PaddleTS_api/ts_cls/config.py +73 -0
- paddlex/repo_apis/PaddleTS_api/ts_cls/register.py +59 -0
- paddlex/repo_apis/PaddleTS_api/ts_cls/runner.py +158 -0
- paddlex/repo_apis/PaddleTS_api/ts_fc/__init__.py +16 -0
- paddlex/repo_apis/PaddleTS_api/ts_fc/config.py +137 -0
- paddlex/repo_apis/PaddleTS_api/ts_fc/register.py +186 -0
- paddlex/repo_apis/__init__.py +13 -0
- paddlex/repo_apis/base/__init__.py +23 -0
- paddlex/repo_apis/base/config.py +238 -0
- paddlex/repo_apis/base/model.py +571 -0
- paddlex/repo_apis/base/register.py +135 -0
- paddlex/repo_apis/base/runner.py +390 -0
- paddlex/repo_apis/base/utils/__init__.py +13 -0
- paddlex/repo_apis/base/utils/arg.py +64 -0
- paddlex/repo_apis/base/utils/subprocess.py +107 -0
- paddlex/repo_manager/__init__.py +24 -0
- paddlex/repo_manager/core.py +271 -0
- paddlex/repo_manager/meta.py +143 -0
- paddlex/repo_manager/repo.py +396 -0
- paddlex/repo_manager/requirements.txt +18 -0
- paddlex/repo_manager/utils.py +298 -0
- paddlex/utils/__init__.py +1 -12
- paddlex/utils/cache.py +148 -0
- paddlex/utils/config.py +214 -0
- paddlex/utils/device.py +103 -0
- paddlex/utils/download.py +168 -182
- paddlex/utils/errors/__init__.py +17 -0
- paddlex/utils/errors/dataset_checker.py +78 -0
- paddlex/utils/errors/others.py +152 -0
- paddlex/utils/file_interface.py +212 -0
- paddlex/utils/flags.py +61 -0
- paddlex/utils/fonts/PingFang-SC-Regular.ttf +0 -0
- paddlex/utils/fonts/__init__.py +24 -0
- paddlex/utils/func_register.py +41 -0
- paddlex/utils/interactive_get_pipeline.py +55 -0
- paddlex/utils/lazy_loader.py +66 -0
- paddlex/utils/logging.py +132 -33
- paddlex/utils/misc.py +201 -0
- paddlex/utils/result_saver.py +59 -0
- paddlex/utils/subclass_register.py +101 -0
- paddlex/version.py +54 -0
- paddlex-3.0.0b2.dist-info/LICENSE +169 -0
- paddlex-3.0.0b2.dist-info/METADATA +760 -0
- paddlex-3.0.0b2.dist-info/RECORD +646 -0
- paddlex-3.0.0b2.dist-info/WHEEL +5 -0
- paddlex-3.0.0b2.dist-info/entry_points.txt +2 -0
- paddlex-3.0.0b2.dist-info/top_level.txt +1 -0
- PaddleClas/__init__.py +0 -16
- PaddleClas/paddleclas.py +0 -375
- PaddleClas/ppcls/__init__.py +0 -20
- PaddleClas/ppcls/data/__init__.py +0 -15
- PaddleClas/ppcls/data/imaug/__init__.py +0 -94
- PaddleClas/ppcls/data/imaug/autoaugment.py +0 -264
- PaddleClas/ppcls/data/imaug/batch_operators.py +0 -117
- PaddleClas/ppcls/data/imaug/cutout.py +0 -41
- PaddleClas/ppcls/data/imaug/fmix.py +0 -217
- PaddleClas/ppcls/data/imaug/grid.py +0 -89
- PaddleClas/ppcls/data/imaug/hide_and_seek.py +0 -44
- PaddleClas/ppcls/data/imaug/operators.py +0 -244
- PaddleClas/ppcls/data/imaug/randaugment.py +0 -106
- PaddleClas/ppcls/data/imaug/random_erasing.py +0 -55
- PaddleClas/ppcls/data/reader.py +0 -318
- PaddleClas/ppcls/modeling/__init__.py +0 -20
- PaddleClas/ppcls/modeling/architectures/__init__.py +0 -51
- PaddleClas/ppcls/modeling/architectures/alexnet.py +0 -132
- PaddleClas/ppcls/modeling/architectures/darknet.py +0 -161
- PaddleClas/ppcls/modeling/architectures/densenet.py +0 -308
- PaddleClas/ppcls/modeling/architectures/distillation_models.py +0 -65
- PaddleClas/ppcls/modeling/architectures/distilled_vision_transformer.py +0 -196
- PaddleClas/ppcls/modeling/architectures/dpn.py +0 -425
- PaddleClas/ppcls/modeling/architectures/efficientnet.py +0 -901
- PaddleClas/ppcls/modeling/architectures/ghostnet.py +0 -331
- PaddleClas/ppcls/modeling/architectures/googlenet.py +0 -207
- PaddleClas/ppcls/modeling/architectures/hrnet.py +0 -742
- PaddleClas/ppcls/modeling/architectures/inception_v3.py +0 -481
- PaddleClas/ppcls/modeling/architectures/inception_v4.py +0 -455
- PaddleClas/ppcls/modeling/architectures/mixnet.py +0 -782
- PaddleClas/ppcls/modeling/architectures/mobilenet_v1.py +0 -266
- PaddleClas/ppcls/modeling/architectures/mobilenet_v2.py +0 -248
- PaddleClas/ppcls/modeling/architectures/mobilenet_v3.py +0 -359
- PaddleClas/ppcls/modeling/architectures/regnet.py +0 -383
- PaddleClas/ppcls/modeling/architectures/repvgg.py +0 -339
- PaddleClas/ppcls/modeling/architectures/res2net.py +0 -272
- PaddleClas/ppcls/modeling/architectures/res2net_vd.py +0 -295
- PaddleClas/ppcls/modeling/architectures/resnest.py +0 -705
- PaddleClas/ppcls/modeling/architectures/resnet.py +0 -316
- PaddleClas/ppcls/modeling/architectures/resnet_vc.py +0 -309
- PaddleClas/ppcls/modeling/architectures/resnet_vd.py +0 -354
- PaddleClas/ppcls/modeling/architectures/resnext.py +0 -253
- PaddleClas/ppcls/modeling/architectures/resnext101_wsl.py +0 -447
- PaddleClas/ppcls/modeling/architectures/resnext_vd.py +0 -266
- PaddleClas/ppcls/modeling/architectures/rexnet.py +0 -240
- PaddleClas/ppcls/modeling/architectures/se_resnet_vd.py +0 -378
- PaddleClas/ppcls/modeling/architectures/se_resnext.py +0 -290
- PaddleClas/ppcls/modeling/architectures/se_resnext_vd.py +0 -285
- PaddleClas/ppcls/modeling/architectures/shufflenet_v2.py +0 -320
- PaddleClas/ppcls/modeling/architectures/squeezenet.py +0 -154
- PaddleClas/ppcls/modeling/architectures/vgg.py +0 -152
- PaddleClas/ppcls/modeling/architectures/vision_transformer.py +0 -402
- PaddleClas/ppcls/modeling/architectures/xception.py +0 -345
- PaddleClas/ppcls/modeling/architectures/xception_deeplab.py +0 -386
- PaddleClas/ppcls/modeling/loss.py +0 -154
- PaddleClas/ppcls/modeling/utils.py +0 -53
- PaddleClas/ppcls/optimizer/__init__.py +0 -19
- PaddleClas/ppcls/optimizer/learning_rate.py +0 -159
- PaddleClas/ppcls/optimizer/optimizer.py +0 -165
- PaddleClas/ppcls/utils/__init__.py +0 -27
- PaddleClas/ppcls/utils/check.py +0 -151
- PaddleClas/ppcls/utils/config.py +0 -201
- PaddleClas/ppcls/utils/logger.py +0 -120
- PaddleClas/ppcls/utils/metrics.py +0 -107
- PaddleClas/ppcls/utils/misc.py +0 -62
- PaddleClas/ppcls/utils/model_zoo.py +0 -213
- PaddleClas/ppcls/utils/save_load.py +0 -163
- PaddleClas/setup.py +0 -55
- PaddleClas/tools/__init__.py +0 -15
- PaddleClas/tools/download.py +0 -50
- PaddleClas/tools/ema.py +0 -58
- PaddleClas/tools/eval.py +0 -112
- PaddleClas/tools/export_model.py +0 -85
- PaddleClas/tools/export_serving_model.py +0 -76
- PaddleClas/tools/infer/__init__.py +0 -16
- PaddleClas/tools/infer/infer.py +0 -94
- PaddleClas/tools/infer/predict.py +0 -117
- PaddleClas/tools/infer/utils.py +0 -233
- PaddleClas/tools/program.py +0 -444
- PaddleClas/tools/test_hubserving.py +0 -113
- PaddleClas/tools/train.py +0 -141
- paddlex/cls.py +0 -76
- paddlex/command.py +0 -215
- paddlex/cv/__init__.py +0 -17
- paddlex/cv/datasets/__init__.py +0 -18
- paddlex/cv/datasets/coco.py +0 -169
- paddlex/cv/datasets/imagenet.py +0 -88
- paddlex/cv/datasets/seg_dataset.py +0 -91
- paddlex/cv/datasets/voc.py +0 -301
- paddlex/cv/models/__init__.py +0 -18
- paddlex/cv/models/base.py +0 -623
- paddlex/cv/models/classifier.py +0 -814
- paddlex/cv/models/detector.py +0 -1747
- paddlex/cv/models/load_model.py +0 -126
- paddlex/cv/models/segmenter.py +0 -673
- paddlex/cv/models/slim/__init__.py +0 -13
- paddlex/cv/models/slim/prune.py +0 -55
- paddlex/cv/models/utils/__init__.py +0 -13
- paddlex/cv/models/utils/det_metrics/__init__.py +0 -15
- paddlex/cv/models/utils/det_metrics/coco_utils.py +0 -217
- paddlex/cv/models/utils/det_metrics/metrics.py +0 -220
- paddlex/cv/models/utils/ema.py +0 -48
- paddlex/cv/models/utils/seg_metrics.py +0 -62
- paddlex/cv/models/utils/visualize.py +0 -394
- paddlex/cv/transforms/__init__.py +0 -46
- paddlex/cv/transforms/batch_operators.py +0 -286
- paddlex/cv/transforms/box_utils.py +0 -41
- paddlex/cv/transforms/functions.py +0 -193
- paddlex/cv/transforms/operators.py +0 -1402
- paddlex/det.py +0 -43
- paddlex/paddleseg/__init__.py +0 -17
- paddlex/paddleseg/core/__init__.py +0 -20
- paddlex/paddleseg/core/infer.py +0 -289
- paddlex/paddleseg/core/predict.py +0 -145
- paddlex/paddleseg/core/train.py +0 -258
- paddlex/paddleseg/core/val.py +0 -172
- paddlex/paddleseg/cvlibs/__init__.py +0 -17
- paddlex/paddleseg/cvlibs/callbacks.py +0 -279
- paddlex/paddleseg/cvlibs/config.py +0 -359
- paddlex/paddleseg/cvlibs/manager.py +0 -142
- paddlex/paddleseg/cvlibs/param_init.py +0 -91
- paddlex/paddleseg/datasets/__init__.py +0 -21
- paddlex/paddleseg/datasets/ade.py +0 -112
- paddlex/paddleseg/datasets/cityscapes.py +0 -86
- paddlex/paddleseg/datasets/cocostuff.py +0 -79
- paddlex/paddleseg/datasets/dataset.py +0 -164
- paddlex/paddleseg/datasets/mini_deep_globe_road_extraction.py +0 -95
- paddlex/paddleseg/datasets/optic_disc_seg.py +0 -97
- paddlex/paddleseg/datasets/pascal_context.py +0 -80
- paddlex/paddleseg/datasets/voc.py +0 -113
- paddlex/paddleseg/models/__init__.py +0 -39
- paddlex/paddleseg/models/ann.py +0 -436
- paddlex/paddleseg/models/attention_unet.py +0 -189
- paddlex/paddleseg/models/backbones/__init__.py +0 -18
- paddlex/paddleseg/models/backbones/hrnet.py +0 -815
- paddlex/paddleseg/models/backbones/mobilenetv3.py +0 -365
- paddlex/paddleseg/models/backbones/resnet_vd.py +0 -364
- paddlex/paddleseg/models/backbones/xception_deeplab.py +0 -415
- paddlex/paddleseg/models/bisenet.py +0 -311
- paddlex/paddleseg/models/danet.py +0 -220
- paddlex/paddleseg/models/decoupled_segnet.py +0 -233
- paddlex/paddleseg/models/deeplab.py +0 -258
- paddlex/paddleseg/models/dnlnet.py +0 -231
- paddlex/paddleseg/models/emanet.py +0 -219
- paddlex/paddleseg/models/fast_scnn.py +0 -318
- paddlex/paddleseg/models/fcn.py +0 -135
- paddlex/paddleseg/models/gcnet.py +0 -223
- paddlex/paddleseg/models/gscnn.py +0 -357
- paddlex/paddleseg/models/hardnet.py +0 -309
- paddlex/paddleseg/models/isanet.py +0 -202
- paddlex/paddleseg/models/layers/__init__.py +0 -19
- paddlex/paddleseg/models/layers/activation.py +0 -73
- paddlex/paddleseg/models/layers/attention.py +0 -146
- paddlex/paddleseg/models/layers/layer_libs.py +0 -168
- paddlex/paddleseg/models/layers/nonlocal2d.py +0 -155
- paddlex/paddleseg/models/layers/pyramid_pool.py +0 -182
- paddlex/paddleseg/models/losses/__init__.py +0 -27
- paddlex/paddleseg/models/losses/binary_cross_entropy_loss.py +0 -174
- paddlex/paddleseg/models/losses/bootstrapped_cross_entropy.py +0 -73
- paddlex/paddleseg/models/losses/cross_entropy_loss.py +0 -94
- paddlex/paddleseg/models/losses/decoupledsegnet_relax_boundary_loss.py +0 -129
- paddlex/paddleseg/models/losses/dice_loss.py +0 -61
- paddlex/paddleseg/models/losses/edge_attention_loss.py +0 -78
- paddlex/paddleseg/models/losses/gscnn_dual_task_loss.py +0 -141
- paddlex/paddleseg/models/losses/l1_loss.py +0 -76
- paddlex/paddleseg/models/losses/lovasz_loss.py +0 -222
- paddlex/paddleseg/models/losses/mean_square_error_loss.py +0 -65
- paddlex/paddleseg/models/losses/mixed_loss.py +0 -58
- paddlex/paddleseg/models/losses/ohem_cross_entropy_loss.py +0 -99
- paddlex/paddleseg/models/losses/ohem_edge_attention_loss.py +0 -114
- paddlex/paddleseg/models/ocrnet.py +0 -248
- paddlex/paddleseg/models/pspnet.py +0 -147
- paddlex/paddleseg/models/sfnet.py +0 -236
- paddlex/paddleseg/models/shufflenet_slim.py +0 -268
- paddlex/paddleseg/models/u2net.py +0 -574
- paddlex/paddleseg/models/unet.py +0 -155
- paddlex/paddleseg/models/unet_3plus.py +0 -316
- paddlex/paddleseg/models/unet_plusplus.py +0 -237
- paddlex/paddleseg/transforms/__init__.py +0 -16
- paddlex/paddleseg/transforms/functional.py +0 -161
- paddlex/paddleseg/transforms/transforms.py +0 -937
- paddlex/paddleseg/utils/__init__.py +0 -22
- paddlex/paddleseg/utils/config_check.py +0 -60
- paddlex/paddleseg/utils/download.py +0 -163
- paddlex/paddleseg/utils/env/__init__.py +0 -16
- paddlex/paddleseg/utils/env/seg_env.py +0 -56
- paddlex/paddleseg/utils/env/sys_env.py +0 -122
- paddlex/paddleseg/utils/logger.py +0 -48
- paddlex/paddleseg/utils/metrics.py +0 -146
- paddlex/paddleseg/utils/progbar.py +0 -212
- paddlex/paddleseg/utils/timer.py +0 -53
- paddlex/paddleseg/utils/utils.py +0 -120
- paddlex/paddleseg/utils/visualize.py +0 -90
- paddlex/ppcls/__init__.py +0 -20
- paddlex/ppcls/data/__init__.py +0 -15
- paddlex/ppcls/data/imaug/__init__.py +0 -94
- paddlex/ppcls/data/imaug/autoaugment.py +0 -264
- paddlex/ppcls/data/imaug/batch_operators.py +0 -117
- paddlex/ppcls/data/imaug/cutout.py +0 -41
- paddlex/ppcls/data/imaug/fmix.py +0 -217
- paddlex/ppcls/data/imaug/grid.py +0 -89
- paddlex/ppcls/data/imaug/hide_and_seek.py +0 -44
- paddlex/ppcls/data/imaug/operators.py +0 -256
- paddlex/ppcls/data/imaug/randaugment.py +0 -106
- paddlex/ppcls/data/imaug/random_erasing.py +0 -55
- paddlex/ppcls/data/reader.py +0 -318
- paddlex/ppcls/modeling/__init__.py +0 -20
- paddlex/ppcls/modeling/architectures/__init__.py +0 -51
- paddlex/ppcls/modeling/architectures/alexnet.py +0 -132
- paddlex/ppcls/modeling/architectures/darknet.py +0 -161
- paddlex/ppcls/modeling/architectures/densenet.py +0 -308
- paddlex/ppcls/modeling/architectures/distillation_models.py +0 -65
- paddlex/ppcls/modeling/architectures/distilled_vision_transformer.py +0 -196
- paddlex/ppcls/modeling/architectures/dpn.py +0 -425
- paddlex/ppcls/modeling/architectures/efficientnet.py +0 -901
- paddlex/ppcls/modeling/architectures/ghostnet.py +0 -331
- paddlex/ppcls/modeling/architectures/googlenet.py +0 -207
- paddlex/ppcls/modeling/architectures/hrnet.py +0 -742
- paddlex/ppcls/modeling/architectures/inception_v3.py +0 -541
- paddlex/ppcls/modeling/architectures/inception_v4.py +0 -455
- paddlex/ppcls/modeling/architectures/mixnet.py +0 -782
- paddlex/ppcls/modeling/architectures/mobilenet_v1.py +0 -266
- paddlex/ppcls/modeling/architectures/mobilenet_v2.py +0 -248
- paddlex/ppcls/modeling/architectures/mobilenet_v3.py +0 -359
- paddlex/ppcls/modeling/architectures/regnet.py +0 -383
- paddlex/ppcls/modeling/architectures/repvgg.py +0 -339
- paddlex/ppcls/modeling/architectures/res2net.py +0 -272
- paddlex/ppcls/modeling/architectures/res2net_vd.py +0 -295
- paddlex/ppcls/modeling/architectures/resnest.py +0 -705
- paddlex/ppcls/modeling/architectures/resnet.py +0 -317
- paddlex/ppcls/modeling/architectures/resnet_vc.py +0 -309
- paddlex/ppcls/modeling/architectures/resnet_vd.py +0 -354
- paddlex/ppcls/modeling/architectures/resnext.py +0 -259
- paddlex/ppcls/modeling/architectures/resnext101_wsl.py +0 -447
- paddlex/ppcls/modeling/architectures/resnext_vd.py +0 -266
- paddlex/ppcls/modeling/architectures/rexnet.py +0 -240
- paddlex/ppcls/modeling/architectures/se_resnet_vd.py +0 -378
- paddlex/ppcls/modeling/architectures/se_resnext.py +0 -290
- paddlex/ppcls/modeling/architectures/se_resnext_vd.py +0 -285
- paddlex/ppcls/modeling/architectures/shufflenet_v2.py +0 -320
- paddlex/ppcls/modeling/architectures/squeezenet.py +0 -154
- paddlex/ppcls/modeling/architectures/vgg.py +0 -152
- paddlex/ppcls/modeling/architectures/vision_transformer.py +0 -402
- paddlex/ppcls/modeling/architectures/xception.py +0 -345
- paddlex/ppcls/modeling/architectures/xception_deeplab.py +0 -386
- paddlex/ppcls/modeling/loss.py +0 -158
- paddlex/ppcls/modeling/utils.py +0 -53
- paddlex/ppcls/optimizer/__init__.py +0 -19
- paddlex/ppcls/optimizer/learning_rate.py +0 -159
- paddlex/ppcls/optimizer/optimizer.py +0 -165
- paddlex/ppcls/utils/__init__.py +0 -27
- paddlex/ppcls/utils/check.py +0 -151
- paddlex/ppcls/utils/config.py +0 -201
- paddlex/ppcls/utils/logger.py +0 -120
- paddlex/ppcls/utils/metrics.py +0 -112
- paddlex/ppcls/utils/misc.py +0 -62
- paddlex/ppcls/utils/model_zoo.py +0 -213
- paddlex/ppcls/utils/save_load.py +0 -163
- paddlex/ppdet/__init__.py +0 -16
- paddlex/ppdet/core/__init__.py +0 -15
- paddlex/ppdet/core/config/__init__.py +0 -13
- paddlex/ppdet/core/config/schema.py +0 -248
- paddlex/ppdet/core/config/yaml_helpers.py +0 -118
- paddlex/ppdet/core/workspace.py +0 -279
- paddlex/ppdet/data/__init__.py +0 -21
- paddlex/ppdet/data/reader.py +0 -304
- paddlex/ppdet/data/shm_utils.py +0 -67
- paddlex/ppdet/data/source/__init__.py +0 -27
- paddlex/ppdet/data/source/category.py +0 -823
- paddlex/ppdet/data/source/coco.py +0 -243
- paddlex/ppdet/data/source/dataset.py +0 -192
- paddlex/ppdet/data/source/keypoint_coco.py +0 -656
- paddlex/ppdet/data/source/mot.py +0 -360
- paddlex/ppdet/data/source/voc.py +0 -204
- paddlex/ppdet/data/source/widerface.py +0 -180
- paddlex/ppdet/data/transform/__init__.py +0 -28
- paddlex/ppdet/data/transform/autoaugment_utils.py +0 -1593
- paddlex/ppdet/data/transform/batch_operators.py +0 -758
- paddlex/ppdet/data/transform/gridmask_utils.py +0 -83
- paddlex/ppdet/data/transform/keypoint_operators.py +0 -665
- paddlex/ppdet/data/transform/mot_operators.py +0 -636
- paddlex/ppdet/data/transform/op_helper.py +0 -468
- paddlex/ppdet/data/transform/operators.py +0 -2103
- paddlex/ppdet/engine/__init__.py +0 -29
- paddlex/ppdet/engine/callbacks.py +0 -262
- paddlex/ppdet/engine/env.py +0 -47
- paddlex/ppdet/engine/export_utils.py +0 -118
- paddlex/ppdet/engine/tracker.py +0 -425
- paddlex/ppdet/engine/trainer.py +0 -535
- paddlex/ppdet/metrics/__init__.py +0 -23
- paddlex/ppdet/metrics/coco_utils.py +0 -184
- paddlex/ppdet/metrics/json_results.py +0 -151
- paddlex/ppdet/metrics/keypoint_metrics.py +0 -202
- paddlex/ppdet/metrics/map_utils.py +0 -396
- paddlex/ppdet/metrics/metrics.py +0 -300
- paddlex/ppdet/metrics/mot_eval_utils.py +0 -192
- paddlex/ppdet/metrics/mot_metrics.py +0 -184
- paddlex/ppdet/metrics/widerface_utils.py +0 -393
- paddlex/ppdet/model_zoo/__init__.py +0 -18
- paddlex/ppdet/model_zoo/model_zoo.py +0 -86
- paddlex/ppdet/model_zoo/tests/__init__.py +0 -13
- paddlex/ppdet/model_zoo/tests/test_get_model.py +0 -48
- paddlex/ppdet/model_zoo/tests/test_list_model.py +0 -68
- paddlex/ppdet/modeling/__init__.py +0 -41
- paddlex/ppdet/modeling/architectures/__init__.py +0 -40
- paddlex/ppdet/modeling/architectures/cascade_rcnn.py +0 -144
- paddlex/ppdet/modeling/architectures/centernet.py +0 -103
- paddlex/ppdet/modeling/architectures/deepsort.py +0 -111
- paddlex/ppdet/modeling/architectures/fairmot.py +0 -107
- paddlex/ppdet/modeling/architectures/faster_rcnn.py +0 -106
- paddlex/ppdet/modeling/architectures/fcos.py +0 -105
- paddlex/ppdet/modeling/architectures/jde.py +0 -125
- paddlex/ppdet/modeling/architectures/keypoint_hrhrnet.py +0 -286
- paddlex/ppdet/modeling/architectures/keypoint_hrnet.py +0 -203
- paddlex/ppdet/modeling/architectures/mask_rcnn.py +0 -135
- paddlex/ppdet/modeling/architectures/meta_arch.py +0 -45
- paddlex/ppdet/modeling/architectures/s2anet.py +0 -103
- paddlex/ppdet/modeling/architectures/solov2.py +0 -110
- paddlex/ppdet/modeling/architectures/ssd.py +0 -84
- paddlex/ppdet/modeling/architectures/ttfnet.py +0 -98
- paddlex/ppdet/modeling/architectures/yolo.py +0 -104
- paddlex/ppdet/modeling/backbones/__init__.py +0 -37
- paddlex/ppdet/modeling/backbones/blazenet.py +0 -322
- paddlex/ppdet/modeling/backbones/darknet.py +0 -341
- paddlex/ppdet/modeling/backbones/dla.py +0 -244
- paddlex/ppdet/modeling/backbones/ghostnet.py +0 -476
- paddlex/ppdet/modeling/backbones/hrnet.py +0 -724
- paddlex/ppdet/modeling/backbones/mobilenet_v1.py +0 -410
- paddlex/ppdet/modeling/backbones/mobilenet_v3.py +0 -497
- paddlex/ppdet/modeling/backbones/name_adapter.py +0 -69
- paddlex/ppdet/modeling/backbones/res2net.py +0 -358
- paddlex/ppdet/modeling/backbones/resnet.py +0 -606
- paddlex/ppdet/modeling/backbones/senet.py +0 -140
- paddlex/ppdet/modeling/backbones/vgg.py +0 -216
- paddlex/ppdet/modeling/bbox_utils.py +0 -464
- paddlex/ppdet/modeling/heads/__init__.py +0 -41
- paddlex/ppdet/modeling/heads/bbox_head.py +0 -379
- paddlex/ppdet/modeling/heads/cascade_head.py +0 -285
- paddlex/ppdet/modeling/heads/centernet_head.py +0 -194
- paddlex/ppdet/modeling/heads/face_head.py +0 -113
- paddlex/ppdet/modeling/heads/fcos_head.py +0 -270
- paddlex/ppdet/modeling/heads/keypoint_hrhrnet_head.py +0 -108
- paddlex/ppdet/modeling/heads/mask_head.py +0 -253
- paddlex/ppdet/modeling/heads/roi_extractor.py +0 -111
- paddlex/ppdet/modeling/heads/s2anet_head.py +0 -845
- paddlex/ppdet/modeling/heads/solov2_head.py +0 -537
- paddlex/ppdet/modeling/heads/ssd_head.py +0 -175
- paddlex/ppdet/modeling/heads/ttf_head.py +0 -314
- paddlex/ppdet/modeling/heads/yolo_head.py +0 -124
- paddlex/ppdet/modeling/keypoint_utils.py +0 -302
- paddlex/ppdet/modeling/layers.py +0 -1142
- paddlex/ppdet/modeling/losses/__init__.py +0 -35
- paddlex/ppdet/modeling/losses/ctfocal_loss.py +0 -67
- paddlex/ppdet/modeling/losses/fairmot_loss.py +0 -41
- paddlex/ppdet/modeling/losses/fcos_loss.py +0 -225
- paddlex/ppdet/modeling/losses/iou_aware_loss.py +0 -48
- paddlex/ppdet/modeling/losses/iou_loss.py +0 -210
- paddlex/ppdet/modeling/losses/jde_loss.py +0 -182
- paddlex/ppdet/modeling/losses/keypoint_loss.py +0 -228
- paddlex/ppdet/modeling/losses/solov2_loss.py +0 -101
- paddlex/ppdet/modeling/losses/ssd_loss.py +0 -163
- paddlex/ppdet/modeling/losses/yolo_loss.py +0 -212
- paddlex/ppdet/modeling/mot/__init__.py +0 -25
- paddlex/ppdet/modeling/mot/matching/__init__.py +0 -19
- paddlex/ppdet/modeling/mot/matching/deepsort_matching.py +0 -382
- paddlex/ppdet/modeling/mot/matching/jde_matching.py +0 -145
- paddlex/ppdet/modeling/mot/motion/__init__.py +0 -17
- paddlex/ppdet/modeling/mot/motion/kalman_filter.py +0 -270
- paddlex/ppdet/modeling/mot/tracker/__init__.py +0 -23
- paddlex/ppdet/modeling/mot/tracker/base_jde_tracker.py +0 -267
- paddlex/ppdet/modeling/mot/tracker/base_sde_tracker.py +0 -145
- paddlex/ppdet/modeling/mot/tracker/deepsort_tracker.py +0 -165
- paddlex/ppdet/modeling/mot/tracker/jde_tracker.py +0 -262
- paddlex/ppdet/modeling/mot/utils.py +0 -181
- paddlex/ppdet/modeling/mot/visualization.py +0 -130
- paddlex/ppdet/modeling/necks/__init__.py +0 -25
- paddlex/ppdet/modeling/necks/centernet_fpn.py +0 -185
- paddlex/ppdet/modeling/necks/fpn.py +0 -233
- paddlex/ppdet/modeling/necks/hrfpn.py +0 -131
- paddlex/ppdet/modeling/necks/ttf_fpn.py +0 -243
- paddlex/ppdet/modeling/necks/yolo_fpn.py +0 -1034
- paddlex/ppdet/modeling/ops.py +0 -1599
- paddlex/ppdet/modeling/post_process.py +0 -449
- paddlex/ppdet/modeling/proposal_generator/__init__.py +0 -2
- paddlex/ppdet/modeling/proposal_generator/anchor_generator.py +0 -135
- paddlex/ppdet/modeling/proposal_generator/proposal_generator.py +0 -81
- paddlex/ppdet/modeling/proposal_generator/rpn_head.py +0 -269
- paddlex/ppdet/modeling/proposal_generator/target.py +0 -671
- paddlex/ppdet/modeling/proposal_generator/target_layer.py +0 -476
- paddlex/ppdet/modeling/reid/__init__.py +0 -23
- paddlex/ppdet/modeling/reid/fairmot_embedding_head.py +0 -117
- paddlex/ppdet/modeling/reid/jde_embedding_head.py +0 -189
- paddlex/ppdet/modeling/reid/pyramidal_embedding.py +0 -151
- paddlex/ppdet/modeling/reid/resnet.py +0 -320
- paddlex/ppdet/modeling/shape_spec.py +0 -33
- paddlex/ppdet/modeling/tests/__init__.py +0 -13
- paddlex/ppdet/modeling/tests/test_architectures.py +0 -59
- paddlex/ppdet/modeling/tests/test_base.py +0 -75
- paddlex/ppdet/modeling/tests/test_ops.py +0 -839
- paddlex/ppdet/modeling/tests/test_yolov3_loss.py +0 -420
- paddlex/ppdet/optimizer.py +0 -285
- paddlex/ppdet/slim/__init__.py +0 -62
- paddlex/ppdet/slim/distill.py +0 -111
- paddlex/ppdet/slim/prune.py +0 -85
- paddlex/ppdet/slim/quant.py +0 -52
- paddlex/ppdet/utils/__init__.py +0 -13
- paddlex/ppdet/utils/check.py +0 -93
- paddlex/ppdet/utils/checkpoint.py +0 -216
- paddlex/ppdet/utils/cli.py +0 -151
- paddlex/ppdet/utils/colormap.py +0 -56
- paddlex/ppdet/utils/download.py +0 -477
- paddlex/ppdet/utils/logger.py +0 -71
- paddlex/ppdet/utils/stats.py +0 -95
- paddlex/ppdet/utils/visualizer.py +0 -292
- paddlex/ppdet/utils/voc_utils.py +0 -87
- paddlex/seg.py +0 -38
- paddlex/tools/__init__.py +0 -16
- paddlex/tools/convert.py +0 -52
- paddlex/tools/dataset_conversion/__init__.py +0 -24
- paddlex/tools/dataset_conversion/x2coco.py +0 -379
- paddlex/tools/dataset_conversion/x2imagenet.py +0 -82
- paddlex/tools/dataset_conversion/x2seg.py +0 -343
- paddlex/tools/dataset_conversion/x2voc.py +0 -230
- paddlex/tools/dataset_split/__init__.py +0 -23
- paddlex/tools/dataset_split/coco_split.py +0 -69
- paddlex/tools/dataset_split/imagenet_split.py +0 -75
- paddlex/tools/dataset_split/seg_split.py +0 -96
- paddlex/tools/dataset_split/utils.py +0 -75
- paddlex/tools/dataset_split/voc_split.py +0 -91
- paddlex/tools/split.py +0 -41
- paddlex/utils/checkpoint.py +0 -439
- paddlex/utils/env.py +0 -71
- paddlex/utils/shm.py +0 -67
- paddlex/utils/stats.py +0 -68
- paddlex/utils/utils.py +0 -140
- paddlex-2.0.0rc4.dist-info/LICENSE +0 -201
- paddlex-2.0.0rc4.dist-info/METADATA +0 -29
- paddlex-2.0.0rc4.dist-info/RECORD +0 -445
- paddlex-2.0.0rc4.dist-info/WHEEL +0 -5
- paddlex-2.0.0rc4.dist-info/entry_points.txt +0 -3
- paddlex-2.0.0rc4.dist-info/top_level.txt +0 -2
@@ -0,0 +1,83 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
|
16
|
+
import os
|
17
|
+
import os.path as osp
|
18
|
+
from collections import defaultdict, Counter
|
19
|
+
from PIL import Image
|
20
|
+
import json
|
21
|
+
|
22
|
+
from ...base import BaseDatasetChecker
|
23
|
+
from .dataset_src import check, split_dataset, deep_analyse
|
24
|
+
|
25
|
+
from ..model_list import MODELS
|
26
|
+
|
27
|
+
|
28
|
+
class TableRecDatasetChecker(BaseDatasetChecker):
|
29
|
+
"""Dataset Checker for Table Recognition Model"""
|
30
|
+
|
31
|
+
entities = MODELS
|
32
|
+
|
33
|
+
def convert_dataset(self, src_dataset_dir: str) -> str:
|
34
|
+
"""convert the dataset from other type to specified type
|
35
|
+
|
36
|
+
Args:
|
37
|
+
src_dataset_dir (str): the root directory of dataset.
|
38
|
+
|
39
|
+
Returns:
|
40
|
+
str: the root directory of converted dataset.
|
41
|
+
"""
|
42
|
+
return src_dataset_dir
|
43
|
+
|
44
|
+
def split_dataset(self, src_dataset_dir: str) -> str:
|
45
|
+
"""repartition the train and validation dataset
|
46
|
+
|
47
|
+
Args:
|
48
|
+
src_dataset_dir (str): the root directory of dataset.
|
49
|
+
|
50
|
+
Returns:
|
51
|
+
str: the root directory of splited dataset.
|
52
|
+
"""
|
53
|
+
return split_dataset(
|
54
|
+
src_dataset_dir,
|
55
|
+
self.check_dataset_config.split.train_percent,
|
56
|
+
self.check_dataset_config.split.val_percent,
|
57
|
+
)
|
58
|
+
|
59
|
+
def check_dataset(self, dataset_dir: str) -> dict:
|
60
|
+
"""check if the dataset meets the specifications and get dataset summary
|
61
|
+
|
62
|
+
Args:
|
63
|
+
dataset_dir (str): the root directory of dataset.
|
64
|
+
Returns:
|
65
|
+
dict: dataset summary.
|
66
|
+
"""
|
67
|
+
return check(dataset_dir, self.global_config.output, sample_num=10)
|
68
|
+
|
69
|
+
def get_show_type(self) -> str:
|
70
|
+
"""get the show type of dataset
|
71
|
+
|
72
|
+
Returns:
|
73
|
+
str: show type
|
74
|
+
"""
|
75
|
+
return "image"
|
76
|
+
|
77
|
+
def get_dataset_type(self) -> str:
|
78
|
+
"""return the dataset type
|
79
|
+
|
80
|
+
Returns:
|
81
|
+
str: dataset type
|
82
|
+
"""
|
83
|
+
return "PubTabTableRecDataset"
|
@@ -0,0 +1,18 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
|
16
|
+
from .check_dataset import check
|
17
|
+
from .split_dataset import split_dataset
|
18
|
+
from .analyse_dataset import deep_analyse
|
@@ -0,0 +1,58 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
|
16
|
+
import os
|
17
|
+
from collections import defaultdict
|
18
|
+
from .....utils.file_interface import custom_open
|
19
|
+
|
20
|
+
|
21
|
+
def simple_analyse(dataset_path):
|
22
|
+
"""
|
23
|
+
Analyse the dataset samples by return image path and label path
|
24
|
+
|
25
|
+
Args:
|
26
|
+
dataset_path (str): dataset path
|
27
|
+
|
28
|
+
Returns:
|
29
|
+
tuple: tuple of sample number, image path and label path for train, val and text subdataset.
|
30
|
+
|
31
|
+
"""
|
32
|
+
tags = ["train", "val", "test"]
|
33
|
+
sample_cnts = defaultdict(int)
|
34
|
+
img_paths = defaultdict(list)
|
35
|
+
res = [None] * 6
|
36
|
+
|
37
|
+
for tag in tags:
|
38
|
+
file_list = os.path.join(dataset_path, f"{tag}.txt")
|
39
|
+
if not os.path.exists(file_list):
|
40
|
+
if tag in ("train", "val"):
|
41
|
+
res.insert(0, "数据集不符合规范,请先通过数据校准")
|
42
|
+
return res
|
43
|
+
else:
|
44
|
+
continue
|
45
|
+
else:
|
46
|
+
with custom_open(file_list, "r") as f:
|
47
|
+
all_lines = f.readlines()
|
48
|
+
|
49
|
+
# Each line corresponds to a sample
|
50
|
+
sample_cnts[tag] = len(all_lines)
|
51
|
+
# img_paths[tag] = images_dict[tag]
|
52
|
+
|
53
|
+
return f"训练数据样本数: {sample_cnts[tags[0]]}\t评估数据样本数: {sample_cnts[tags[1]]}"
|
54
|
+
|
55
|
+
|
56
|
+
def deep_analyse(dataset_path, output=None):
|
57
|
+
"""class analysis for dataset"""
|
58
|
+
return simple_analyse(dataset_path)
|
@@ -0,0 +1,87 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
|
16
|
+
import os
|
17
|
+
import json
|
18
|
+
import os.path as osp
|
19
|
+
from collections import defaultdict
|
20
|
+
from .....utils.errors import DatasetFileNotFoundError, CheckFailedError
|
21
|
+
|
22
|
+
|
23
|
+
def check(dataset_dir, output, dataset_type="PubTabTableRecDataset", sample_num=10):
|
24
|
+
"""
|
25
|
+
Check whether the dataset is valid.
|
26
|
+
"""
|
27
|
+
|
28
|
+
if dataset_type == "PubTabTableRecDataset":
|
29
|
+
# Custom dataset
|
30
|
+
if not osp.exists(dataset_dir) or not osp.isdir(dataset_dir):
|
31
|
+
raise DatasetFileNotFoundError(file_path=dataset_dir)
|
32
|
+
|
33
|
+
tags = ["train", "val"]
|
34
|
+
max_recorded_sample_cnts = 50
|
35
|
+
sample_cnts = dict()
|
36
|
+
sample_paths = defaultdict(list)
|
37
|
+
|
38
|
+
for tag in tags:
|
39
|
+
file_list = osp.join(dataset_dir, f"{tag}.txt")
|
40
|
+
if not osp.exists(file_list):
|
41
|
+
if tag in ("train", "val"):
|
42
|
+
# train and val file lists must exist
|
43
|
+
raise DatasetFileNotFoundError(
|
44
|
+
file_path=file_list,
|
45
|
+
solution=f"Ensure that both `train.txt` and `val.txt` exist in {dataset_dir}",
|
46
|
+
)
|
47
|
+
else:
|
48
|
+
# tag == 'test'
|
49
|
+
continue
|
50
|
+
else:
|
51
|
+
with open(file_list, "r", encoding="utf-8") as f:
|
52
|
+
all_lines = f.readlines()
|
53
|
+
sample_cnts[tag] = len(all_lines)
|
54
|
+
for line in all_lines:
|
55
|
+
info = json.loads(line.strip("\n"))
|
56
|
+
file_name = info["filename"]
|
57
|
+
cells = info["html"]["cells"].copy()
|
58
|
+
structure = info["html"]["structure"]["tokens"].copy()
|
59
|
+
|
60
|
+
img_path = osp.join(dataset_dir, file_name)
|
61
|
+
if len(sample_paths[tag]) < max_recorded_sample_cnts:
|
62
|
+
sample_paths[tag].append(os.path.relpath(img_path, output))
|
63
|
+
|
64
|
+
if not os.path.exists(img_path):
|
65
|
+
raise DatasetFileNotFoundError(file_path=img_path)
|
66
|
+
|
67
|
+
boxes_num = len(cells)
|
68
|
+
tokens_num = sum(
|
69
|
+
[
|
70
|
+
structure.count(x)
|
71
|
+
for x in ["<td>", "<td", "<eb></eb>", "<td></td>"]
|
72
|
+
]
|
73
|
+
)
|
74
|
+
if boxes_num != tokens_num:
|
75
|
+
raise CheckFailedError(
|
76
|
+
f"The number of cells needs to be consistent with the number of tokens "
|
77
|
+
"but the number of cells is {boxes_num}, and the number of tokens is {tokens_num}."
|
78
|
+
)
|
79
|
+
meta = {}
|
80
|
+
|
81
|
+
meta["train_samples"] = sample_cnts["train"]
|
82
|
+
meta["train_sample_paths"] = sample_paths["train"][:sample_num]
|
83
|
+
|
84
|
+
meta["val_samples"] = sample_cnts["val"]
|
85
|
+
meta["val_sample_paths"] = sample_paths["val"][:sample_num]
|
86
|
+
|
87
|
+
return meta
|
@@ -0,0 +1,79 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
|
16
|
+
import os
|
17
|
+
from random import shuffle
|
18
|
+
from .....utils.file_interface import custom_open
|
19
|
+
|
20
|
+
|
21
|
+
def split_dataset(dataset_root, train_rate, val_rate):
|
22
|
+
"""
|
23
|
+
将图像数据集按照比例分成训练集、验证集和测试集,并生成对应的.txt文件。
|
24
|
+
|
25
|
+
Args:
|
26
|
+
dataset_root (str): 数据集根目录路径。
|
27
|
+
train_rate (int): 训练集占总数据集的比例(%)。
|
28
|
+
val_rate (int): 验证集占总数据集的比例(%)。
|
29
|
+
|
30
|
+
Returns:
|
31
|
+
str: 数据划分结果信息。
|
32
|
+
"""
|
33
|
+
sum_rate = train_rate + val_rate
|
34
|
+
if sum_rate != 100:
|
35
|
+
return "训练集、验证集比例之和需要等于100,请修改后重试"
|
36
|
+
tags = ["train", "val"]
|
37
|
+
|
38
|
+
valid_path = False
|
39
|
+
image_files = []
|
40
|
+
for tag in tags:
|
41
|
+
split_image_list = os.path.abspath(os.path.join(dataset_root, f"{tag}.txt"))
|
42
|
+
rename_image_list = os.path.abspath(
|
43
|
+
os.path.join(dataset_root, f"{tag}.txt.bak")
|
44
|
+
)
|
45
|
+
if os.path.exists(split_image_list):
|
46
|
+
with custom_open(split_image_list, "r") as f:
|
47
|
+
lines = f.readlines()
|
48
|
+
image_files = image_files + lines
|
49
|
+
valid_path = True
|
50
|
+
if not os.path.exists(rename_image_list):
|
51
|
+
os.rename(split_image_list, rename_image_list)
|
52
|
+
|
53
|
+
if not valid_path:
|
54
|
+
return f"数据集目录下保存待划分文件{tags[0]}.txt或{tags[1]}.txt不存在,请检查后重试"
|
55
|
+
|
56
|
+
shuffle(image_files)
|
57
|
+
start = 0
|
58
|
+
image_num = len(image_files)
|
59
|
+
rate_list = [train_rate, val_rate]
|
60
|
+
for i, tag in enumerate(tags):
|
61
|
+
|
62
|
+
rate = rate_list[i]
|
63
|
+
if rate == 0:
|
64
|
+
continue
|
65
|
+
if rate > 100 or rate < 0:
|
66
|
+
return f"{tag} 数据集的比例应该在0~100之间."
|
67
|
+
|
68
|
+
end = start + round(image_num * rate / 100)
|
69
|
+
if sum(rate_list[i + 1 :]) == 0:
|
70
|
+
end = image_num
|
71
|
+
|
72
|
+
txt_file = os.path.abspath(os.path.join(dataset_root, tag + ".txt"))
|
73
|
+
with custom_open(txt_file, "w") as f:
|
74
|
+
m = 0
|
75
|
+
for id in range(start, end):
|
76
|
+
m += 1
|
77
|
+
f.write(image_files[id])
|
78
|
+
start = end
|
79
|
+
return dataset_root
|
@@ -0,0 +1,43 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
|
16
|
+
from ..base import BaseEvaluator
|
17
|
+
from .model_list import MODELS
|
18
|
+
|
19
|
+
|
20
|
+
class TableRecEvaluator(BaseEvaluator):
|
21
|
+
"""Table Recognition Model Evaluator"""
|
22
|
+
|
23
|
+
entities = MODELS
|
24
|
+
|
25
|
+
def update_config(self):
|
26
|
+
"""update evalution config"""
|
27
|
+
if self.eval_config.log_interval:
|
28
|
+
self.pdx_config.update_log_interval(self.eval_config.log_interval)
|
29
|
+
|
30
|
+
self.pdx_config.update_dataset(
|
31
|
+
self.global_config.dataset_dir, "PubTabTableRecDataset"
|
32
|
+
)
|
33
|
+
|
34
|
+
def get_eval_kwargs(self) -> dict:
|
35
|
+
"""get key-value arguments of model evalution function
|
36
|
+
|
37
|
+
Returns:
|
38
|
+
dict: the arguments of evaluation function.
|
39
|
+
"""
|
40
|
+
return {
|
41
|
+
"weight_path": self.eval_config.weight_path,
|
42
|
+
"device": self.get_device(),
|
43
|
+
}
|
@@ -0,0 +1,22 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
from ..base import BaseExportor
|
16
|
+
from .model_list import MODELS
|
17
|
+
|
18
|
+
|
19
|
+
class TableRecExportor(BaseExportor):
|
20
|
+
"""Table Recognition Model Exportor"""
|
21
|
+
|
22
|
+
entities = MODELS
|
@@ -0,0 +1,19 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
|
16
|
+
MODELS = [
|
17
|
+
"SLANet",
|
18
|
+
"SLANet_plus",
|
19
|
+
]
|
@@ -0,0 +1,70 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
|
16
|
+
import os
|
17
|
+
from pathlib import Path
|
18
|
+
|
19
|
+
from ..base import BaseTrainer
|
20
|
+
from ...utils.config import AttrDict
|
21
|
+
from .model_list import MODELS
|
22
|
+
|
23
|
+
|
24
|
+
class TableRecTrainer(BaseTrainer):
|
25
|
+
"""Table Recognition Model Trainer"""
|
26
|
+
|
27
|
+
entities = MODELS
|
28
|
+
|
29
|
+
def update_config(self):
|
30
|
+
"""update training config"""
|
31
|
+
if self.train_config.log_interval:
|
32
|
+
self.pdx_config.update_log_interval(self.train_config.log_interval)
|
33
|
+
if self.train_config.eval_interval:
|
34
|
+
self.pdx_config._update_eval_interval_by_epoch(
|
35
|
+
self.train_config.eval_interval
|
36
|
+
)
|
37
|
+
if self.train_config.save_interval:
|
38
|
+
self.pdx_config.update_save_interval(self.train_config.save_interval)
|
39
|
+
|
40
|
+
self.pdx_config.update_dataset(
|
41
|
+
self.global_config.dataset_dir, "PubTabTableRecDataset"
|
42
|
+
)
|
43
|
+
if self.train_config.pretrain_weight_path:
|
44
|
+
self.pdx_config.update_pretrained_weights(
|
45
|
+
self.train_config.pretrain_weight_path
|
46
|
+
)
|
47
|
+
if self.train_config.batch_size is not None:
|
48
|
+
self.pdx_config.update_batch_size(self.train_config.batch_size)
|
49
|
+
if self.train_config.learning_rate is not None:
|
50
|
+
self.pdx_config.update_learning_rate(self.train_config.learning_rate)
|
51
|
+
if self.train_config.epochs_iters is not None:
|
52
|
+
self.pdx_config._update_epochs(self.train_config.epochs_iters)
|
53
|
+
if (
|
54
|
+
self.train_config.resume_path is not None
|
55
|
+
and self.train_config.resume_path != ""
|
56
|
+
):
|
57
|
+
self.pdx_config._update_checkpoints(self.train_config.resume_path)
|
58
|
+
if self.global_config.output is not None:
|
59
|
+
self.pdx_config._update_output_dir(self.global_config.output)
|
60
|
+
|
61
|
+
def get_train_kwargs(self) -> dict:
|
62
|
+
"""get key-value arguments of model training function
|
63
|
+
|
64
|
+
Returns:
|
65
|
+
dict: the arguments of training function.
|
66
|
+
"""
|
67
|
+
return {
|
68
|
+
"device": self.get_device(),
|
69
|
+
"dy2st": self.train_config.get("dy2st", False),
|
70
|
+
}
|
@@ -0,0 +1,18 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
from .dataset_checker import TextDetDatasetChecker
|
16
|
+
from .trainer import TextDetTrainer
|
17
|
+
from .evaluator import TextDetEvaluator
|
18
|
+
from .exportor import TextDetExportor
|
@@ -0,0 +1,94 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
|
16
|
+
import os
|
17
|
+
import os.path as osp
|
18
|
+
from collections import defaultdict, Counter
|
19
|
+
|
20
|
+
import json
|
21
|
+
|
22
|
+
from ...base import BaseDatasetChecker
|
23
|
+
from .dataset_src import check, split_dataset, deep_analyse
|
24
|
+
|
25
|
+
from ..model_list import MODELS
|
26
|
+
|
27
|
+
|
28
|
+
class TextDetDatasetChecker(BaseDatasetChecker):
|
29
|
+
"""Dataset Checker for Text Detection Model"""
|
30
|
+
|
31
|
+
entities = MODELS
|
32
|
+
|
33
|
+
def convert_dataset(self, src_dataset_dir: str) -> str:
|
34
|
+
"""convert the dataset from other type to specified type
|
35
|
+
|
36
|
+
Args:
|
37
|
+
src_dataset_dir (str): the root directory of dataset.
|
38
|
+
|
39
|
+
Returns:
|
40
|
+
str: the root directory of converted dataset.
|
41
|
+
"""
|
42
|
+
return src_dataset_dir
|
43
|
+
|
44
|
+
def split_dataset(self, src_dataset_dir: str) -> str:
|
45
|
+
"""repartition the train and validation dataset
|
46
|
+
|
47
|
+
Args:
|
48
|
+
src_dataset_dir (str): the root directory of dataset.
|
49
|
+
|
50
|
+
Returns:
|
51
|
+
str: the root directory of splited dataset.
|
52
|
+
"""
|
53
|
+
return split_dataset(
|
54
|
+
src_dataset_dir,
|
55
|
+
self.check_dataset_config.split.train_percent,
|
56
|
+
self.check_dataset_config.split.val_percent,
|
57
|
+
)
|
58
|
+
|
59
|
+
def check_dataset(self, dataset_dir: str) -> dict:
|
60
|
+
"""check if the dataset meets the specifications and get dataset summary
|
61
|
+
|
62
|
+
Args:
|
63
|
+
dataset_dir (str): the root directory of dataset.
|
64
|
+
Returns:
|
65
|
+
dict: dataset summary.
|
66
|
+
"""
|
67
|
+
return check(dataset_dir, self.global_config.output, sample_num=10)
|
68
|
+
|
69
|
+
def analyse(self, dataset_dir: str) -> dict:
|
70
|
+
"""deep analyse dataset
|
71
|
+
|
72
|
+
Args:
|
73
|
+
dataset_dir (str): the root directory of dataset.
|
74
|
+
|
75
|
+
Returns:
|
76
|
+
dict: the deep analysis results.
|
77
|
+
"""
|
78
|
+
return deep_analyse(dataset_dir, self.output)
|
79
|
+
|
80
|
+
def get_show_type(self) -> str:
|
81
|
+
"""get the show type of dataset
|
82
|
+
|
83
|
+
Returns:
|
84
|
+
str: show type
|
85
|
+
"""
|
86
|
+
return "image"
|
87
|
+
|
88
|
+
def get_dataset_type(self) -> str:
|
89
|
+
"""return the dataset type
|
90
|
+
|
91
|
+
Returns:
|
92
|
+
str: dataset type
|
93
|
+
"""
|
94
|
+
return "TextDetDataset"
|
@@ -0,0 +1,18 @@
|
|
1
|
+
# copyright (c) 2024 PaddlePaddle Authors. All Rights Reserve.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
|
16
|
+
from .check_dataset import check
|
17
|
+
from .split_dataset import split_dataset
|
18
|
+
from .analyse_dataset import deep_analyse
|