paddlex 3.0.0b2__py3-none-any.whl → 3.0.0rc0__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 -1
- paddlex/__init__.py +1 -0
- paddlex/__main__.py +3 -4
- paddlex/configs/modules/3d_bev_detection/BEVFusion.yaml +38 -0
- paddlex/configs/modules/face_feature/MobileFaceNet.yaml +41 -0
- paddlex/configs/modules/face_feature/ResNet50_face.yaml +41 -0
- paddlex/configs/modules/formula_recognition/LaTeX_OCR_rec.yaml +40 -0
- paddlex/configs/modules/formula_recognition/PP-FormulaNet-L.yaml +40 -0
- paddlex/configs/modules/formula_recognition/PP-FormulaNet-S.yaml +40 -0
- paddlex/configs/modules/formula_recognition/UniMERNet.yaml +40 -0
- paddlex/configs/modules/image_classification/CLIP_vit_base_patch16_224.yaml +41 -0
- paddlex/configs/modules/image_classification/CLIP_vit_large_patch14_224.yaml +41 -0
- paddlex/configs/modules/image_classification/ConvNeXt_large_384.yaml +41 -0
- paddlex/configs/modules/keypoint_detection/PP-TinyPose_128x96.yaml +40 -0
- paddlex/configs/modules/keypoint_detection/PP-TinyPose_256x192.yaml +40 -0
- paddlex/configs/modules/layout_detection/PP-DocLayout-L.yaml +40 -0
- paddlex/configs/modules/layout_detection/PP-DocLayout-M.yaml +40 -0
- paddlex/configs/modules/layout_detection/PP-DocLayout-S.yaml +40 -0
- paddlex/configs/modules/multilingual_speech_recognition/whisper_base.yaml +12 -0
- paddlex/configs/modules/multilingual_speech_recognition/whisper_large.yaml +12 -0
- paddlex/configs/modules/multilingual_speech_recognition/whisper_medium.yaml +12 -0
- paddlex/configs/modules/multilingual_speech_recognition/whisper_small.yaml +12 -0
- paddlex/configs/modules/multilingual_speech_recognition/whisper_tiny.yaml +12 -0
- paddlex/configs/modules/object_detection/Co-DINO-R50.yaml +40 -0
- paddlex/configs/modules/object_detection/Co-DINO-Swin-L.yaml +40 -0
- paddlex/configs/modules/object_detection/Co-Deformable-DETR-R50.yaml +40 -0
- paddlex/configs/modules/object_detection/Co-Deformable-DETR-Swin-T.yaml +40 -0
- paddlex/configs/modules/object_detection/YOLOX-X.yaml +40 -0
- paddlex/configs/modules/open_vocabulary_detection/GroundingDINO-T.yaml +13 -0
- paddlex/configs/modules/open_vocabulary_segmentation/SAM-H_box.yaml +17 -0
- paddlex/configs/modules/open_vocabulary_segmentation/SAM-H_point.yaml +15 -0
- paddlex/configs/modules/rotated_object_detection/PP-YOLOE-R-L.yaml +40 -0
- paddlex/configs/modules/semantic_segmentation/MaskFormer_small.yaml +42 -0
- paddlex/configs/modules/semantic_segmentation/MaskFormer_tiny.yaml +42 -0
- paddlex/configs/modules/semantic_segmentation/SeaFormer_base.yaml +40 -0
- paddlex/configs/modules/semantic_segmentation/SeaFormer_large.yaml +40 -0
- paddlex/configs/modules/semantic_segmentation/SeaFormer_small.yaml +40 -0
- paddlex/configs/modules/semantic_segmentation/SeaFormer_tiny.yaml +40 -0
- paddlex/configs/modules/table_cells_detection/RT-DETR-L_wired_table_cell_det.yaml +40 -0
- paddlex/configs/modules/table_cells_detection/RT-DETR-L_wireless_table_cell_det.yaml +40 -0
- paddlex/configs/modules/table_classification/PP-LCNet_x1_0_table_cls.yaml +41 -0
- paddlex/configs/modules/table_structure_recognition/SLANeXt_wired.yaml +39 -0
- paddlex/configs/modules/table_structure_recognition/SLANeXt_wireless.yaml +39 -0
- paddlex/configs/modules/text_detection/PP-OCRv3_mobile_det.yaml +40 -0
- paddlex/configs/modules/text_detection/PP-OCRv3_server_det.yaml +40 -0
- paddlex/configs/modules/text_recognition/PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/PP-OCRv4_server_rec_doc.yaml +39 -0
- paddlex/configs/modules/text_recognition/arabic_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/chinese_cht_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/cyrillic_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/devanagari_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/en_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/en_PP-OCRv4_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/japan_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/ka_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/korean_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/latin_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/ta_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/text_recognition/te_PP-OCRv3_mobile_rec.yaml +39 -0
- paddlex/configs/modules/textline_orientation/PP-LCNet_x0_25_textline_ori.yaml +41 -0
- paddlex/configs/modules/video_classification/PP-TSM-R50_8frames_uniform.yaml +42 -0
- paddlex/configs/modules/video_classification/PP-TSMv2-LCNetV2_16frames_uniform.yaml +42 -0
- paddlex/configs/modules/video_classification/PP-TSMv2-LCNetV2_8frames_uniform.yaml +42 -0
- paddlex/configs/modules/video_detection/YOWO.yaml +40 -0
- paddlex/configs/pipelines/3d_bev_detection.yaml +9 -0
- paddlex/configs/pipelines/OCR.yaml +44 -0
- paddlex/configs/pipelines/PP-ChatOCRv3-doc.yaml +149 -0
- paddlex/configs/pipelines/PP-ChatOCRv4-doc.yaml +184 -0
- paddlex/configs/pipelines/PP-ShiTuV2.yaml +18 -0
- paddlex/configs/pipelines/PP-StructureV3.yaml +226 -0
- paddlex/configs/pipelines/anomaly_detection.yaml +8 -0
- paddlex/configs/pipelines/doc_preprocessor.yaml +15 -0
- paddlex/configs/pipelines/face_recognition.yaml +18 -0
- paddlex/configs/pipelines/formula_recognition.yaml +39 -0
- paddlex/configs/pipelines/human_keypoint_detection.yaml +17 -0
- paddlex/configs/pipelines/image_classification.yaml +10 -0
- paddlex/configs/pipelines/image_multilabel_classification.yaml +9 -0
- paddlex/configs/pipelines/instance_segmentation.yaml +10 -0
- paddlex/configs/pipelines/layout_parsing.yaml +101 -0
- paddlex/configs/pipelines/multilingual_speech_recognition.yaml +9 -0
- paddlex/configs/pipelines/object_detection.yaml +10 -0
- paddlex/configs/pipelines/open_vocabulary_detection.yaml +12 -0
- paddlex/configs/pipelines/open_vocabulary_segmentation.yaml +13 -0
- paddlex/configs/pipelines/pedestrian_attribute_recognition.yaml +15 -0
- paddlex/configs/pipelines/rotated_object_detection.yaml +10 -0
- paddlex/configs/pipelines/seal_recognition.yaml +51 -0
- paddlex/configs/pipelines/semantic_segmentation.yaml +10 -0
- paddlex/configs/pipelines/small_object_detection.yaml +10 -0
- paddlex/configs/pipelines/table_recognition.yaml +56 -0
- paddlex/configs/pipelines/table_recognition_v2.yaml +76 -0
- paddlex/configs/pipelines/ts_anomaly_detection.yaml +8 -0
- paddlex/configs/pipelines/ts_classification.yaml +8 -0
- paddlex/configs/pipelines/ts_forecast.yaml +8 -0
- paddlex/configs/pipelines/vehicle_attribute_recognition.yaml +15 -0
- paddlex/configs/pipelines/video_classification.yaml +9 -0
- paddlex/configs/pipelines/video_detection.yaml +10 -0
- paddlex/engine.py +1 -1
- paddlex/hpip_links.html +19 -0
- paddlex/inference/__init__.py +3 -1
- paddlex/inference/common/batch_sampler/__init__.py +20 -0
- paddlex/inference/common/batch_sampler/audio_batch_sampler.py +84 -0
- paddlex/inference/common/batch_sampler/base_batch_sampler.py +90 -0
- paddlex/inference/common/batch_sampler/det_3d_batch_sampler.py +147 -0
- paddlex/inference/common/batch_sampler/image_batch_sampler.py +136 -0
- paddlex/inference/common/batch_sampler/ts_batch_sampler.py +110 -0
- paddlex/inference/common/batch_sampler/video_batch_sampler.py +94 -0
- paddlex/inference/common/reader/__init__.py +19 -0
- paddlex/inference/common/reader/audio_reader.py +46 -0
- paddlex/inference/common/reader/det_3d_reader.py +239 -0
- paddlex/inference/common/reader/image_reader.py +69 -0
- paddlex/inference/common/reader/ts_reader.py +45 -0
- paddlex/inference/common/reader/video_reader.py +42 -0
- paddlex/inference/common/result/__init__.py +29 -0
- paddlex/inference/common/result/base_cv_result.py +31 -0
- paddlex/inference/common/result/base_result.py +70 -0
- paddlex/inference/common/result/base_ts_result.py +42 -0
- paddlex/inference/common/result/base_video_result.py +36 -0
- paddlex/inference/common/result/mixin.py +703 -0
- paddlex/inference/models/3d_bev_detection/__init__.py +15 -0
- paddlex/inference/models/3d_bev_detection/predictor.py +314 -0
- paddlex/inference/models/3d_bev_detection/processors.py +978 -0
- paddlex/inference/models/3d_bev_detection/result.py +65 -0
- paddlex/inference/models/3d_bev_detection/visualizer_3d.py +131 -0
- paddlex/inference/models/__init__.py +37 -13
- paddlex/inference/models/anomaly_detection/__init__.py +15 -0
- paddlex/inference/models/anomaly_detection/predictor.py +145 -0
- paddlex/inference/models/anomaly_detection/processors.py +46 -0
- paddlex/inference/models/anomaly_detection/result.py +70 -0
- paddlex/inference/models/base/__init__.py +1 -2
- paddlex/inference/models/base/predictor/__init__.py +16 -0
- paddlex/inference/models/base/predictor/base_predictor.py +175 -0
- paddlex/inference/models/base/predictor/basic_predictor.py +139 -0
- paddlex/inference/models/common/__init__.py +35 -0
- paddlex/inference/models/common/static_infer.py +329 -0
- paddlex/inference/models/common/tokenizer/__init__.py +17 -0
- paddlex/inference/models/common/tokenizer/bert_tokenizer.py +655 -0
- paddlex/inference/models/common/tokenizer/gpt_tokenizer.py +451 -0
- paddlex/inference/models/common/tokenizer/tokenizer_utils.py +2141 -0
- paddlex/inference/models/common/tokenizer/tokenizer_utils_base.py +3504 -0
- paddlex/inference/models/common/tokenizer/utils.py +66 -0
- paddlex/inference/models/common/tokenizer/vocab.py +647 -0
- paddlex/inference/models/common/ts/__init__.py +15 -0
- paddlex/inference/models/common/ts/funcs.py +533 -0
- paddlex/inference/models/common/ts/processors.py +313 -0
- paddlex/inference/models/common/vision/__init__.py +23 -0
- paddlex/inference/models/common/vision/funcs.py +93 -0
- paddlex/inference/models/common/vision/processors.py +270 -0
- paddlex/inference/models/face_feature/__init__.py +15 -0
- paddlex/inference/models/face_feature/predictor.py +65 -0
- paddlex/inference/models/formula_recognition/__init__.py +15 -0
- paddlex/inference/models/formula_recognition/predictor.py +203 -0
- paddlex/inference/models/formula_recognition/processors.py +986 -0
- paddlex/inference/models/formula_recognition/result.py +403 -0
- paddlex/inference/models/image_classification/__init__.py +15 -0
- paddlex/inference/models/image_classification/predictor.py +182 -0
- paddlex/inference/models/image_classification/processors.py +87 -0
- paddlex/inference/models/image_classification/result.py +92 -0
- paddlex/inference/models/image_feature/__init__.py +15 -0
- paddlex/inference/models/image_feature/predictor.py +156 -0
- paddlex/inference/models/image_feature/processors.py +29 -0
- paddlex/inference/models/image_feature/result.py +33 -0
- paddlex/inference/models/image_multilabel_classification/__init__.py +15 -0
- paddlex/inference/models/image_multilabel_classification/predictor.py +94 -0
- paddlex/inference/models/image_multilabel_classification/processors.py +85 -0
- paddlex/inference/models/image_multilabel_classification/result.py +95 -0
- paddlex/inference/models/image_unwarping/__init__.py +15 -0
- paddlex/inference/models/image_unwarping/predictor.py +105 -0
- paddlex/inference/models/image_unwarping/processors.py +88 -0
- paddlex/inference/models/image_unwarping/result.py +45 -0
- paddlex/inference/models/instance_segmentation/__init__.py +15 -0
- paddlex/inference/models/instance_segmentation/predictor.py +210 -0
- paddlex/inference/models/instance_segmentation/processors.py +105 -0
- paddlex/inference/models/instance_segmentation/result.py +161 -0
- paddlex/inference/models/keypoint_detection/__init__.py +15 -0
- paddlex/inference/models/keypoint_detection/predictor.py +188 -0
- paddlex/inference/models/keypoint_detection/processors.py +359 -0
- paddlex/inference/models/keypoint_detection/result.py +192 -0
- paddlex/inference/models/multilingual_speech_recognition/__init__.py +15 -0
- paddlex/inference/models/multilingual_speech_recognition/predictor.py +141 -0
- paddlex/inference/models/multilingual_speech_recognition/processors.py +1941 -0
- paddlex/inference/models/multilingual_speech_recognition/result.py +21 -0
- paddlex/inference/models/object_detection/__init__.py +15 -0
- paddlex/inference/models/object_detection/predictor.py +348 -0
- paddlex/inference/models/object_detection/processors.py +855 -0
- paddlex/inference/models/object_detection/result.py +113 -0
- paddlex/inference/models/object_detection/utils.py +68 -0
- paddlex/inference/models/open_vocabulary_detection/__init__.py +15 -0
- paddlex/inference/models/open_vocabulary_detection/predictor.py +155 -0
- paddlex/inference/models/open_vocabulary_detection/processors/__init__.py +15 -0
- paddlex/inference/models/open_vocabulary_detection/processors/groundingdino_processors.py +485 -0
- paddlex/inference/models/open_vocabulary_segmentation/__init__.py +15 -0
- paddlex/inference/models/open_vocabulary_segmentation/predictor.py +120 -0
- paddlex/inference/models/open_vocabulary_segmentation/processors/__init__.py +15 -0
- paddlex/inference/models/open_vocabulary_segmentation/processors/sam_processer.py +249 -0
- paddlex/inference/models/open_vocabulary_segmentation/results/__init__.py +15 -0
- paddlex/inference/models/open_vocabulary_segmentation/results/sam_result.py +147 -0
- paddlex/inference/models/semantic_segmentation/__init__.py +15 -0
- paddlex/inference/models/semantic_segmentation/predictor.py +167 -0
- paddlex/inference/models/semantic_segmentation/processors.py +114 -0
- paddlex/inference/models/semantic_segmentation/result.py +72 -0
- paddlex/inference/models/table_structure_recognition/__init__.py +15 -0
- paddlex/inference/models/table_structure_recognition/predictor.py +171 -0
- paddlex/inference/models/table_structure_recognition/processors.py +235 -0
- paddlex/inference/models/table_structure_recognition/result.py +70 -0
- paddlex/inference/models/text_detection/__init__.py +15 -0
- paddlex/inference/models/text_detection/predictor.py +191 -0
- paddlex/inference/models/text_detection/processors.py +466 -0
- paddlex/inference/models/text_detection/result.py +51 -0
- paddlex/inference/models/text_recognition/__init__.py +15 -0
- paddlex/inference/models/text_recognition/predictor.py +106 -0
- paddlex/inference/models/text_recognition/processors.py +231 -0
- paddlex/inference/models/text_recognition/result.py +75 -0
- paddlex/inference/models/ts_anomaly_detection/__init__.py +15 -0
- paddlex/inference/models/ts_anomaly_detection/predictor.py +146 -0
- paddlex/inference/models/ts_anomaly_detection/processors.py +94 -0
- paddlex/inference/models/ts_anomaly_detection/result.py +72 -0
- paddlex/inference/models/ts_classification/__init__.py +15 -0
- paddlex/inference/models/ts_classification/predictor.py +135 -0
- paddlex/inference/models/ts_classification/processors.py +117 -0
- paddlex/inference/models/ts_classification/result.py +78 -0
- paddlex/inference/models/ts_forecasting/__init__.py +15 -0
- paddlex/inference/models/ts_forecasting/predictor.py +159 -0
- paddlex/inference/models/ts_forecasting/processors.py +149 -0
- paddlex/inference/models/ts_forecasting/result.py +83 -0
- paddlex/inference/models/video_classification/__init__.py +15 -0
- paddlex/inference/models/video_classification/predictor.py +147 -0
- paddlex/inference/models/video_classification/processors.py +409 -0
- paddlex/inference/models/video_classification/result.py +92 -0
- paddlex/inference/models/video_detection/__init__.py +15 -0
- paddlex/inference/models/video_detection/predictor.py +136 -0
- paddlex/inference/models/video_detection/processors.py +450 -0
- paddlex/inference/models/video_detection/result.py +104 -0
- paddlex/inference/pipelines/3d_bev_detection/__init__.py +15 -0
- paddlex/inference/pipelines/3d_bev_detection/pipeline.py +67 -0
- paddlex/inference/pipelines/__init__.py +174 -73
- paddlex/inference/pipelines/anomaly_detection/__init__.py +15 -0
- paddlex/inference/pipelines/anomaly_detection/pipeline.py +62 -0
- paddlex/inference/pipelines/attribute_recognition/__init__.py +15 -0
- paddlex/inference/pipelines/attribute_recognition/pipeline.py +105 -0
- paddlex/inference/pipelines/attribute_recognition/result.py +100 -0
- paddlex/inference/pipelines/base.py +103 -57
- paddlex/inference/pipelines/components/__init__.py +23 -0
- paddlex/inference/pipelines/components/chat_server/__init__.py +16 -0
- paddlex/inference/pipelines/components/chat_server/base.py +39 -0
- paddlex/inference/pipelines/components/chat_server/openai_bot_chat.py +236 -0
- paddlex/inference/pipelines/components/common/__init__.py +18 -0
- paddlex/inference/pipelines/components/common/base_operator.py +36 -0
- paddlex/inference/pipelines/components/common/base_result.py +65 -0
- paddlex/inference/pipelines/components/common/convert_points_and_boxes.py +46 -0
- paddlex/inference/pipelines/components/common/crop_image_regions.py +550 -0
- paddlex/inference/pipelines/components/common/seal_det_warp.py +941 -0
- paddlex/inference/pipelines/components/common/sort_boxes.py +83 -0
- paddlex/inference/pipelines/components/faisser.py +352 -0
- paddlex/inference/pipelines/components/prompt_engineering/__init__.py +16 -0
- paddlex/inference/pipelines/components/prompt_engineering/base.py +35 -0
- paddlex/inference/pipelines/components/prompt_engineering/generate_ensemble_prompt.py +127 -0
- paddlex/inference/pipelines/components/prompt_engineering/generate_kie_prompt.py +148 -0
- paddlex/inference/pipelines/components/retriever/__init__.py +16 -0
- paddlex/inference/pipelines/components/retriever/base.py +226 -0
- paddlex/inference/pipelines/components/retriever/openai_bot_retriever.py +70 -0
- paddlex/inference/pipelines/components/retriever/qianfan_bot_retriever.py +163 -0
- paddlex/inference/pipelines/components/utils/__init__.py +13 -0
- paddlex/inference/pipelines/components/utils/mixin.py +206 -0
- paddlex/inference/pipelines/doc_preprocessor/__init__.py +15 -0
- paddlex/inference/pipelines/doc_preprocessor/pipeline.py +190 -0
- paddlex/inference/pipelines/doc_preprocessor/result.py +103 -0
- paddlex/inference/pipelines/face_recognition/__init__.py +15 -0
- paddlex/inference/pipelines/face_recognition/pipeline.py +61 -0
- paddlex/inference/pipelines/face_recognition/result.py +43 -0
- paddlex/inference/pipelines/formula_recognition/__init__.py +15 -0
- paddlex/inference/pipelines/formula_recognition/pipeline.py +303 -0
- paddlex/inference/pipelines/formula_recognition/result.py +291 -0
- paddlex/inference/pipelines/image_classification/__init__.py +15 -0
- paddlex/inference/pipelines/image_classification/pipeline.py +71 -0
- paddlex/inference/pipelines/image_multilabel_classification/__init__.py +15 -0
- paddlex/inference/pipelines/image_multilabel_classification/pipeline.py +78 -0
- paddlex/inference/pipelines/instance_segmentation/__init__.py +15 -0
- paddlex/inference/pipelines/instance_segmentation/pipeline.py +70 -0
- paddlex/inference/pipelines/keypoint_detection/__init__.py +15 -0
- paddlex/inference/pipelines/keypoint_detection/pipeline.py +137 -0
- paddlex/inference/pipelines/layout_parsing/__init__.py +2 -1
- paddlex/inference/pipelines/layout_parsing/pipeline.py +570 -0
- paddlex/inference/pipelines/layout_parsing/pipeline_v2.py +739 -0
- paddlex/inference/pipelines/layout_parsing/result.py +203 -0
- paddlex/inference/pipelines/layout_parsing/result_v2.py +470 -0
- paddlex/inference/pipelines/layout_parsing/utils.py +2385 -0
- paddlex/inference/pipelines/multilingual_speech_recognition/__init__.py +15 -0
- paddlex/inference/pipelines/multilingual_speech_recognition/pipeline.py +67 -0
- paddlex/inference/pipelines/object_detection/__init__.py +15 -0
- paddlex/inference/pipelines/object_detection/pipeline.py +95 -0
- paddlex/inference/pipelines/ocr/__init__.py +15 -0
- paddlex/inference/pipelines/ocr/pipeline.py +389 -0
- paddlex/inference/pipelines/ocr/result.py +248 -0
- paddlex/inference/pipelines/open_vocabulary_detection/__init__.py +15 -0
- paddlex/inference/pipelines/open_vocabulary_detection/pipeline.py +75 -0
- paddlex/inference/pipelines/open_vocabulary_segmentation/__init__.py +15 -0
- paddlex/inference/pipelines/open_vocabulary_segmentation/pipeline.py +89 -0
- paddlex/inference/pipelines/pp_chatocr/__init__.py +16 -0
- paddlex/inference/pipelines/pp_chatocr/pipeline_base.py +102 -0
- paddlex/inference/pipelines/pp_chatocr/pipeline_v3.py +773 -0
- paddlex/inference/pipelines/pp_chatocr/pipeline_v4.py +977 -0
- paddlex/inference/pipelines/pp_shitu_v2/__init__.py +15 -0
- paddlex/inference/pipelines/pp_shitu_v2/pipeline.py +152 -0
- paddlex/inference/pipelines/pp_shitu_v2/result.py +126 -0
- paddlex/inference/pipelines/rotated_object_detection/__init__.py +15 -0
- paddlex/inference/pipelines/rotated_object_detection/pipeline.py +74 -0
- paddlex/inference/pipelines/seal_recognition/__init__.py +15 -0
- paddlex/inference/pipelines/seal_recognition/pipeline.py +271 -0
- paddlex/inference/pipelines/seal_recognition/result.py +87 -0
- paddlex/inference/pipelines/semantic_segmentation/__init__.py +15 -0
- paddlex/inference/pipelines/semantic_segmentation/pipeline.py +74 -0
- paddlex/inference/pipelines/small_object_detection/__init__.py +15 -0
- paddlex/inference/pipelines/small_object_detection/pipeline.py +74 -0
- paddlex/inference/pipelines/table_recognition/__init__.py +2 -1
- paddlex/inference/pipelines/table_recognition/pipeline.py +462 -0
- paddlex/inference/pipelines/table_recognition/pipeline_v2.py +792 -0
- paddlex/inference/pipelines/table_recognition/result.py +216 -0
- paddlex/inference/pipelines/table_recognition/table_recognition_post_processing.py +362 -0
- paddlex/inference/pipelines/table_recognition/table_recognition_post_processing_v2.py +470 -0
- paddlex/inference/pipelines/table_recognition/utils.py +23 -436
- paddlex/inference/pipelines/ts_anomaly_detection/__init__.py +15 -0
- paddlex/inference/pipelines/ts_anomaly_detection/pipeline.py +62 -0
- paddlex/inference/pipelines/ts_classification/__init__.py +15 -0
- paddlex/inference/pipelines/ts_classification/pipeline.py +62 -0
- paddlex/inference/pipelines/ts_forecasting/__init__.py +15 -0
- paddlex/inference/pipelines/ts_forecasting/pipeline.py +62 -0
- paddlex/inference/pipelines/video_classification/__init__.py +15 -0
- paddlex/inference/pipelines/video_classification/pipeline.py +68 -0
- paddlex/inference/pipelines/video_detection/__init__.py +15 -0
- paddlex/inference/pipelines/video_detection/pipeline.py +73 -0
- paddlex/inference/serving/__init__.py +13 -0
- paddlex/inference/serving/basic_serving/__init__.py +18 -0
- paddlex/inference/serving/basic_serving/_app.py +209 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/__init__.py +41 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/_common/__init__.py +13 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/_common/common.py +96 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/_common/image_recognition.py +36 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/_common/ocr.py +90 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/anomaly_detection.py +64 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/doc_preprocessor.py +97 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/face_recognition.py +223 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/formula_recognition.py +97 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/human_keypoint_detection.py +78 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/image_classification.py +66 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/image_multilabel_classification.py +70 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/instance_segmentation.py +81 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/layout_parsing.py +115 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/m_3d_bev_detection.py +76 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/multilingual_speech_recognition.py +89 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/object_detection.py +74 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/ocr.py +99 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/open_vocabulary_detection.py +78 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/open_vocabulary_segmentation.py +85 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/pedestrian_attribute_recognition.py +81 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/pp_chatocrv3_doc.py +191 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/pp_chatocrv4_doc.py +221 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/pp_shituv2.py +218 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/pp_structurev3.py +136 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/rotated_object_detection.py +78 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/seal_recognition.py +103 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/semantic_segmentation.py +64 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/small_object_detection.py +69 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/table_recognition.py +105 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/table_recognition_v2.py +107 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/ts_anomaly_detection.py +62 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/ts_classification.py +61 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/ts_forecast.py +62 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/vehicle_attribute_recognition.py +81 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/video_classification.py +73 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/video_detection.py +89 -0
- paddlex/inference/serving/basic_serving/_server.py +35 -0
- paddlex/inference/serving/infra/__init__.py +13 -0
- paddlex/inference/serving/infra/config.py +36 -0
- paddlex/inference/serving/infra/models.py +72 -0
- paddlex/inference/serving/infra/storage.py +175 -0
- paddlex/inference/serving/infra/utils.py +259 -0
- paddlex/inference/serving/schemas/__init__.py +13 -0
- paddlex/inference/serving/schemas/anomaly_detection.py +39 -0
- paddlex/inference/serving/schemas/doc_preprocessor.py +54 -0
- paddlex/inference/serving/schemas/face_recognition.py +124 -0
- paddlex/inference/serving/schemas/formula_recognition.py +56 -0
- paddlex/inference/serving/schemas/human_keypoint_detection.py +55 -0
- paddlex/inference/serving/schemas/image_classification.py +45 -0
- paddlex/inference/serving/schemas/image_multilabel_classification.py +47 -0
- paddlex/inference/serving/schemas/instance_segmentation.py +53 -0
- paddlex/inference/serving/schemas/layout_parsing.py +72 -0
- paddlex/inference/serving/schemas/m_3d_bev_detection.py +48 -0
- paddlex/inference/serving/schemas/multilingual_speech_recognition.py +57 -0
- paddlex/inference/serving/schemas/object_detection.py +52 -0
- paddlex/inference/serving/schemas/ocr.py +60 -0
- paddlex/inference/serving/schemas/open_vocabulary_detection.py +52 -0
- paddlex/inference/serving/schemas/open_vocabulary_segmentation.py +52 -0
- paddlex/inference/serving/schemas/pedestrian_attribute_recognition.py +61 -0
- paddlex/inference/serving/schemas/pp_chatocrv3_doc.py +134 -0
- paddlex/inference/serving/schemas/pp_chatocrv4_doc.py +151 -0
- paddlex/inference/serving/schemas/pp_shituv2.py +124 -0
- paddlex/inference/serving/schemas/pp_structurev3.py +84 -0
- paddlex/inference/serving/schemas/rotated_object_detection.py +52 -0
- paddlex/inference/serving/schemas/seal_recognition.py +62 -0
- paddlex/inference/serving/schemas/semantic_segmentation.py +45 -0
- paddlex/inference/serving/schemas/shared/__init__.py +13 -0
- paddlex/inference/serving/schemas/shared/classification.py +23 -0
- paddlex/inference/serving/schemas/shared/image_segmentation.py +28 -0
- paddlex/inference/serving/schemas/shared/object_detection.py +24 -0
- paddlex/inference/serving/schemas/shared/ocr.py +25 -0
- paddlex/inference/serving/schemas/small_object_detection.py +52 -0
- paddlex/inference/serving/schemas/table_recognition.py +64 -0
- paddlex/inference/serving/schemas/table_recognition_v2.py +66 -0
- paddlex/inference/serving/schemas/ts_anomaly_detection.py +37 -0
- paddlex/inference/serving/schemas/ts_classification.py +38 -0
- paddlex/inference/serving/schemas/ts_forecast.py +37 -0
- paddlex/inference/serving/schemas/vehicle_attribute_recognition.py +61 -0
- paddlex/inference/serving/schemas/video_classification.py +44 -0
- paddlex/inference/serving/schemas/video_detection.py +56 -0
- paddlex/inference/utils/benchmark.py +23 -11
- paddlex/inference/utils/get_pipeline_path.py +2 -1
- paddlex/inference/utils/io/__init__.py +3 -0
- paddlex/inference/utils/io/readers.py +164 -17
- paddlex/inference/utils/io/writers.py +85 -2
- paddlex/inference/utils/new_ir_blacklist.py +6 -0
- paddlex/inference/utils/official_models.py +277 -211
- paddlex/inference/utils/pp_option.py +24 -4
- paddlex/model.py +12 -5
- paddlex/modules/3d_bev_detection/__init__.py +18 -0
- paddlex/modules/3d_bev_detection/dataset_checker/__init__.py +95 -0
- paddlex/modules/3d_bev_detection/dataset_checker/dataset_src/__init__.py +17 -0
- paddlex/modules/3d_bev_detection/dataset_checker/dataset_src/analyse_dataset.py +106 -0
- paddlex/modules/3d_bev_detection/dataset_checker/dataset_src/check_dataset.py +102 -0
- paddlex/modules/3d_bev_detection/evaluator.py +46 -0
- paddlex/modules/3d_bev_detection/exportor.py +22 -0
- paddlex/modules/3d_bev_detection/model_list.py +18 -0
- paddlex/modules/3d_bev_detection/trainer.py +70 -0
- paddlex/modules/__init__.py +34 -1
- paddlex/modules/base/build_model.py +1 -1
- paddlex/modules/base/dataset_checker/dataset_checker.py +6 -1
- paddlex/modules/base/evaluator.py +20 -4
- paddlex/modules/base/exportor.py +30 -5
- paddlex/modules/base/trainer.py +29 -6
- paddlex/modules/face_recognition/trainer.py +1 -23
- paddlex/modules/formula_recognition/__init__.py +5 -0
- paddlex/modules/formula_recognition/dataset_checker/__init__.py +113 -0
- paddlex/modules/formula_recognition/dataset_checker/dataset_src/__init__.py +19 -0
- paddlex/modules/formula_recognition/dataset_checker/dataset_src/analyse_dataset.py +157 -0
- paddlex/modules/formula_recognition/dataset_checker/dataset_src/check_dataset.py +80 -0
- paddlex/modules/formula_recognition/dataset_checker/dataset_src/convert_dataset.py +94 -0
- paddlex/modules/formula_recognition/dataset_checker/dataset_src/split_dataset.py +81 -0
- paddlex/modules/formula_recognition/evaluator.py +77 -0
- paddlex/modules/formula_recognition/exportor.py +22 -0
- paddlex/modules/formula_recognition/model_list.py +3 -0
- paddlex/modules/formula_recognition/trainer.py +121 -0
- paddlex/modules/image_classification/model_list.py +2 -0
- paddlex/modules/instance_segmentation/dataset_checker/__init__.py +15 -0
- paddlex/modules/keypoint_detection/__init__.py +18 -0
- paddlex/modules/keypoint_detection/dataset_checker/__init__.py +56 -0
- paddlex/modules/keypoint_detection/dataset_checker/dataset_src/__init__.py +15 -0
- paddlex/modules/keypoint_detection/dataset_checker/dataset_src/check_dataset.py +86 -0
- paddlex/modules/keypoint_detection/dataset_checker/dataset_src/utils/__init__.py +13 -0
- paddlex/modules/keypoint_detection/dataset_checker/dataset_src/utils/visualizer.py +119 -0
- paddlex/modules/keypoint_detection/evaluator.py +41 -0
- paddlex/modules/keypoint_detection/exportor.py +22 -0
- paddlex/modules/keypoint_detection/model_list.py +16 -0
- paddlex/modules/keypoint_detection/trainer.py +39 -0
- paddlex/modules/multilingual_speech_recognition/__init__.py +18 -0
- paddlex/modules/multilingual_speech_recognition/dataset_checker.py +27 -0
- paddlex/modules/multilingual_speech_recognition/evaluator.py +27 -0
- paddlex/modules/multilingual_speech_recognition/exportor.py +27 -0
- paddlex/modules/multilingual_speech_recognition/model_list.py +22 -0
- paddlex/modules/multilingual_speech_recognition/trainer.py +40 -0
- paddlex/modules/object_detection/evaluator.py +12 -1
- paddlex/modules/object_detection/model_list.py +10 -0
- paddlex/modules/object_detection/trainer.py +15 -1
- paddlex/modules/open_vocabulary_detection/__init__.py +18 -0
- paddlex/modules/open_vocabulary_detection/dataset_checker.py +29 -0
- paddlex/modules/open_vocabulary_detection/evaluator.py +29 -0
- paddlex/modules/open_vocabulary_detection/exportor.py +29 -0
- paddlex/modules/open_vocabulary_detection/model_list.py +18 -0
- paddlex/modules/open_vocabulary_detection/trainer.py +42 -0
- paddlex/modules/open_vocabulary_segmentation/__init__.py +18 -0
- paddlex/modules/open_vocabulary_segmentation/dataset_checker.py +29 -0
- paddlex/modules/open_vocabulary_segmentation/evaluator.py +29 -0
- paddlex/modules/open_vocabulary_segmentation/exportor.py +29 -0
- paddlex/modules/open_vocabulary_segmentation/model_list.py +19 -0
- paddlex/modules/open_vocabulary_segmentation/trainer.py +42 -0
- paddlex/modules/semantic_segmentation/dataset_checker/__init__.py +15 -0
- paddlex/modules/semantic_segmentation/exportor.py +9 -0
- paddlex/modules/semantic_segmentation/model_list.py +2 -0
- paddlex/modules/semantic_segmentation/trainer.py +2 -0
- paddlex/modules/table_recognition/dataset_checker/__init__.py +16 -1
- paddlex/modules/table_recognition/dataset_checker/dataset_src/check_dataset.py +13 -14
- paddlex/modules/table_recognition/model_list.py +2 -0
- paddlex/modules/text_detection/dataset_checker/__init__.py +16 -1
- paddlex/modules/text_detection/dataset_checker/dataset_src/check_dataset.py +13 -3
- paddlex/modules/text_detection/model_list.py +2 -0
- paddlex/modules/text_recognition/dataset_checker/__init__.py +16 -4
- paddlex/modules/text_recognition/dataset_checker/dataset_src/check_dataset.py +13 -3
- paddlex/modules/text_recognition/evaluator.py +4 -3
- paddlex/modules/text_recognition/exportor.py +0 -3
- paddlex/modules/text_recognition/model_list.py +14 -0
- paddlex/modules/text_recognition/trainer.py +4 -3
- paddlex/modules/ts_anomaly_detection/dataset_checker/__init__.py +15 -0
- paddlex/modules/ts_anomaly_detection/trainer.py +17 -1
- paddlex/modules/ts_classification/dataset_checker/__init__.py +15 -0
- paddlex/modules/ts_classification/trainer.py +17 -1
- paddlex/modules/ts_forecast/dataset_checker/__init__.py +15 -0
- paddlex/modules/ts_forecast/trainer.py +17 -1
- paddlex/modules/video_classification/__init__.py +18 -0
- paddlex/modules/video_classification/dataset_checker/__init__.py +93 -0
- paddlex/modules/video_classification/dataset_checker/dataset_src/__init__.py +18 -0
- paddlex/modules/video_classification/dataset_checker/dataset_src/analyse_dataset.py +93 -0
- paddlex/modules/video_classification/dataset_checker/dataset_src/check_dataset.py +121 -0
- paddlex/modules/video_classification/dataset_checker/dataset_src/split_dataset.py +82 -0
- paddlex/modules/video_classification/evaluator.py +44 -0
- paddlex/modules/video_classification/exportor.py +22 -0
- paddlex/modules/video_classification/model_list.py +19 -0
- paddlex/modules/video_classification/trainer.py +88 -0
- paddlex/modules/video_detection/__init__.py +18 -0
- paddlex/modules/video_detection/dataset_checker/__init__.py +86 -0
- paddlex/modules/video_detection/dataset_checker/dataset_src/__init__.py +17 -0
- paddlex/modules/video_detection/dataset_checker/dataset_src/analyse_dataset.py +101 -0
- paddlex/modules/video_detection/dataset_checker/dataset_src/check_dataset.py +134 -0
- paddlex/modules/video_detection/evaluator.py +42 -0
- paddlex/modules/video_detection/exportor.py +22 -0
- paddlex/modules/video_detection/model_list.py +15 -0
- paddlex/modules/video_detection/trainer.py +82 -0
- paddlex/ops/__init__.py +149 -0
- paddlex/ops/iou3d_nms/iou3d_cpu.cpp +264 -0
- paddlex/ops/iou3d_nms/iou3d_cpu.h +27 -0
- paddlex/ops/iou3d_nms/iou3d_nms.cpp +204 -0
- paddlex/ops/iou3d_nms/iou3d_nms.h +33 -0
- paddlex/ops/iou3d_nms/iou3d_nms_api.cpp +108 -0
- paddlex/ops/iou3d_nms/iou3d_nms_kernel.cu +482 -0
- paddlex/ops/setup.py +37 -0
- paddlex/ops/voxel/voxelize_op.cc +191 -0
- paddlex/ops/voxel/voxelize_op.cu +346 -0
- paddlex/paddle2onnx_requirements.txt +1 -0
- paddlex/paddlex_cli.py +339 -72
- paddlex/repo_apis/Paddle3D_api/__init__.py +17 -0
- paddlex/repo_apis/Paddle3D_api/bev_fusion/__init__.py +18 -0
- paddlex/repo_apis/Paddle3D_api/bev_fusion/config.py +118 -0
- paddlex/repo_apis/Paddle3D_api/bev_fusion/model.py +238 -0
- paddlex/repo_apis/Paddle3D_api/bev_fusion/register.py +55 -0
- paddlex/repo_apis/Paddle3D_api/bev_fusion/runner.py +104 -0
- paddlex/repo_apis/Paddle3D_api/pp3d_config.py +144 -0
- paddlex/repo_apis/PaddleClas_api/cls/model.py +6 -0
- paddlex/repo_apis/PaddleClas_api/cls/register.py +20 -2
- paddlex/repo_apis/PaddleDetection_api/instance_seg/config.py +8 -4
- paddlex/repo_apis/PaddleDetection_api/instance_seg/model.py +6 -0
- paddlex/repo_apis/PaddleDetection_api/object_det/config.py +27 -5
- paddlex/repo_apis/PaddleDetection_api/object_det/model.py +6 -0
- paddlex/repo_apis/PaddleDetection_api/object_det/official_categories.py +81 -0
- paddlex/repo_apis/PaddleDetection_api/object_det/register.py +182 -3
- paddlex/repo_apis/PaddleOCR_api/__init__.py +1 -0
- paddlex/repo_apis/PaddleOCR_api/formula_rec/__init__.py +16 -0
- paddlex/repo_apis/PaddleOCR_api/formula_rec/config.py +570 -0
- paddlex/repo_apis/PaddleOCR_api/formula_rec/model.py +402 -0
- paddlex/repo_apis/PaddleOCR_api/formula_rec/register.py +73 -0
- paddlex/repo_apis/PaddleOCR_api/formula_rec/runner.py +240 -0
- paddlex/repo_apis/PaddleOCR_api/table_rec/register.py +18 -0
- paddlex/repo_apis/PaddleOCR_api/text_det/register.py +18 -0
- paddlex/repo_apis/PaddleOCR_api/text_rec/config.py +21 -0
- paddlex/repo_apis/PaddleOCR_api/text_rec/model.py +6 -0
- paddlex/repo_apis/PaddleOCR_api/text_rec/register.py +126 -7
- paddlex/repo_apis/PaddleSeg_api/seg/config.py +9 -0
- paddlex/repo_apis/PaddleSeg_api/seg/model.py +10 -0
- paddlex/repo_apis/PaddleSeg_api/seg/register.py +20 -0
- paddlex/repo_apis/PaddleTS_api/ts_base/config.py +24 -0
- paddlex/repo_apis/PaddleTS_api/ts_base/model.py +11 -7
- paddlex/repo_apis/PaddleVideo_api/__init__.py +17 -0
- paddlex/repo_apis/PaddleVideo_api/config_utils.py +51 -0
- paddlex/repo_apis/PaddleVideo_api/video_cls/__init__.py +19 -0
- paddlex/repo_apis/PaddleVideo_api/video_cls/config.py +547 -0
- paddlex/repo_apis/PaddleVideo_api/video_cls/model.py +346 -0
- paddlex/repo_apis/PaddleVideo_api/video_cls/register.py +71 -0
- paddlex/repo_apis/PaddleVideo_api/video_cls/runner.py +205 -0
- paddlex/repo_apis/PaddleVideo_api/video_det/__init__.py +19 -0
- paddlex/repo_apis/PaddleVideo_api/video_det/config.py +548 -0
- paddlex/repo_apis/PaddleVideo_api/video_det/model.py +298 -0
- paddlex/repo_apis/PaddleVideo_api/video_det/register.py +45 -0
- paddlex/repo_apis/PaddleVideo_api/video_det/runner.py +200 -0
- paddlex/repo_apis/base/runner.py +2 -1
- paddlex/repo_manager/meta.py +29 -2
- paddlex/repo_manager/repo.py +24 -5
- paddlex/repo_manager/requirements.txt +10 -7
- paddlex/repo_manager/utils.py +62 -1
- paddlex/serving_requirements.txt +9 -0
- paddlex/utils/config.py +4 -3
- paddlex/utils/custom_device_whitelist.py +457 -0
- paddlex/utils/device.py +74 -26
- paddlex/utils/env.py +28 -0
- paddlex/utils/flags.py +4 -0
- paddlex/utils/fonts/__init__.py +48 -5
- paddlex/utils/lazy_loader.py +2 -0
- paddlex/utils/logging.py +1 -2
- paddlex/utils/pipeline_arguments.py +711 -0
- paddlex-3.0.0rc0.dist-info/METADATA +1035 -0
- paddlex-3.0.0rc0.dist-info/RECORD +1015 -0
- paddlex-3.0.0rc0.dist-info/WHEEL +5 -0
- paddlex/configs/face_recognition/MobileFaceNet.yaml +0 -44
- paddlex/configs/face_recognition/ResNet50_face.yaml +0 -44
- paddlex/configs/formula_recognition/LaTeX_OCR_rec.yaml +0 -40
- paddlex/configs/image_classification/CLIP_vit_base_patch16_224.yaml +0 -41
- paddlex/configs/image_classification/CLIP_vit_large_patch14_224.yaml +0 -41
- paddlex/configs/image_classification/ConvNeXt_large_384.yaml +0 -41
- paddlex/configs/object_detection/YOLOX-X.yaml +0 -40
- paddlex/configs/semantic_segmentation/SeaFormer_base.yaml +0 -40
- paddlex/configs/semantic_segmentation/SeaFormer_large.yaml +0 -40
- paddlex/configs/semantic_segmentation/SeaFormer_small.yaml +0 -40
- paddlex/configs/semantic_segmentation/SeaFormer_tiny.yaml +0 -40
- paddlex/inference/components/__init__.py +0 -18
- paddlex/inference/components/base.py +0 -292
- paddlex/inference/components/llm/__init__.py +0 -25
- paddlex/inference/components/llm/base.py +0 -65
- paddlex/inference/components/llm/erniebot.py +0 -212
- paddlex/inference/components/paddle_predictor/__init__.py +0 -20
- paddlex/inference/components/paddle_predictor/predictor.py +0 -332
- paddlex/inference/components/retrieval/__init__.py +0 -15
- paddlex/inference/components/retrieval/faiss.py +0 -359
- paddlex/inference/components/task_related/__init__.py +0 -33
- paddlex/inference/components/task_related/clas.py +0 -124
- paddlex/inference/components/task_related/det.py +0 -284
- paddlex/inference/components/task_related/instance_seg.py +0 -89
- paddlex/inference/components/task_related/seal_det_warp.py +0 -940
- paddlex/inference/components/task_related/seg.py +0 -40
- paddlex/inference/components/task_related/table_rec.py +0 -191
- paddlex/inference/components/task_related/text_det.py +0 -895
- paddlex/inference/components/task_related/text_rec.py +0 -353
- paddlex/inference/components/task_related/warp.py +0 -43
- paddlex/inference/components/transforms/__init__.py +0 -16
- paddlex/inference/components/transforms/image/__init__.py +0 -15
- paddlex/inference/components/transforms/image/common.py +0 -598
- paddlex/inference/components/transforms/image/funcs.py +0 -58
- paddlex/inference/components/transforms/read_data.py +0 -67
- paddlex/inference/components/transforms/ts/__init__.py +0 -15
- paddlex/inference/components/transforms/ts/common.py +0 -393
- paddlex/inference/components/transforms/ts/funcs.py +0 -424
- paddlex/inference/models/anomaly_detection.py +0 -87
- paddlex/inference/models/base/base_predictor.py +0 -76
- paddlex/inference/models/base/basic_predictor.py +0 -122
- paddlex/inference/models/face_recognition.py +0 -21
- paddlex/inference/models/formula_recognition.py +0 -55
- paddlex/inference/models/general_recognition.py +0 -99
- paddlex/inference/models/image_classification.py +0 -101
- paddlex/inference/models/image_unwarping.py +0 -43
- paddlex/inference/models/instance_segmentation.py +0 -66
- paddlex/inference/models/multilabel_classification.py +0 -33
- paddlex/inference/models/object_detection.py +0 -129
- paddlex/inference/models/semantic_segmentation.py +0 -86
- paddlex/inference/models/table_recognition.py +0 -106
- paddlex/inference/models/text_detection.py +0 -105
- paddlex/inference/models/text_recognition.py +0 -78
- paddlex/inference/models/ts_ad.py +0 -68
- paddlex/inference/models/ts_cls.py +0 -57
- paddlex/inference/models/ts_fc.py +0 -73
- paddlex/inference/pipelines/attribute_recognition.py +0 -92
- paddlex/inference/pipelines/face_recognition.py +0 -49
- paddlex/inference/pipelines/formula_recognition.py +0 -102
- paddlex/inference/pipelines/layout_parsing/layout_parsing.py +0 -362
- paddlex/inference/pipelines/ocr.py +0 -80
- paddlex/inference/pipelines/pp_shitu_v2.py +0 -152
- paddlex/inference/pipelines/ppchatocrv3/__init__.py +0 -15
- paddlex/inference/pipelines/ppchatocrv3/ch_prompt.yaml +0 -14
- paddlex/inference/pipelines/ppchatocrv3/ppchatocrv3.py +0 -717
- paddlex/inference/pipelines/ppchatocrv3/utils.py +0 -168
- paddlex/inference/pipelines/seal_recognition.py +0 -152
- paddlex/inference/pipelines/serving/__init__.py +0 -17
- paddlex/inference/pipelines/serving/_pipeline_apps/__init__.py +0 -205
- paddlex/inference/pipelines/serving/_pipeline_apps/anomaly_detection.py +0 -80
- paddlex/inference/pipelines/serving/_pipeline_apps/face_recognition.py +0 -317
- paddlex/inference/pipelines/serving/_pipeline_apps/formula_recognition.py +0 -119
- paddlex/inference/pipelines/serving/_pipeline_apps/image_classification.py +0 -101
- paddlex/inference/pipelines/serving/_pipeline_apps/instance_segmentation.py +0 -112
- paddlex/inference/pipelines/serving/_pipeline_apps/layout_parsing.py +0 -205
- paddlex/inference/pipelines/serving/_pipeline_apps/multi_label_image_classification.py +0 -90
- paddlex/inference/pipelines/serving/_pipeline_apps/object_detection.py +0 -90
- paddlex/inference/pipelines/serving/_pipeline_apps/ocr.py +0 -98
- paddlex/inference/pipelines/serving/_pipeline_apps/pedestrian_attribute_recognition.py +0 -102
- paddlex/inference/pipelines/serving/_pipeline_apps/pp_shitu_v2.py +0 -319
- paddlex/inference/pipelines/serving/_pipeline_apps/ppchatocrv3.py +0 -445
- paddlex/inference/pipelines/serving/_pipeline_apps/seal_recognition.py +0 -110
- paddlex/inference/pipelines/serving/_pipeline_apps/semantic_segmentation.py +0 -82
- paddlex/inference/pipelines/serving/_pipeline_apps/small_object_detection.py +0 -92
- paddlex/inference/pipelines/serving/_pipeline_apps/table_recognition.py +0 -110
- paddlex/inference/pipelines/serving/_pipeline_apps/ts_ad.py +0 -68
- paddlex/inference/pipelines/serving/_pipeline_apps/ts_cls.py +0 -68
- paddlex/inference/pipelines/serving/_pipeline_apps/ts_fc.py +0 -68
- paddlex/inference/pipelines/serving/_pipeline_apps/vehicle_attribute_recognition.py +0 -102
- paddlex/inference/pipelines/serving/app.py +0 -164
- paddlex/inference/pipelines/serving/models.py +0 -30
- paddlex/inference/pipelines/serving/server.py +0 -25
- paddlex/inference/pipelines/serving/storage.py +0 -161
- paddlex/inference/pipelines/serving/utils.py +0 -190
- paddlex/inference/pipelines/single_model_pipeline.py +0 -76
- paddlex/inference/pipelines/table_recognition/table_recognition.py +0 -193
- paddlex/inference/results/__init__.py +0 -31
- paddlex/inference/results/attribute_rec.py +0 -89
- paddlex/inference/results/base.py +0 -43
- paddlex/inference/results/chat_ocr.py +0 -158
- paddlex/inference/results/clas.py +0 -133
- paddlex/inference/results/det.py +0 -86
- paddlex/inference/results/face_rec.py +0 -34
- paddlex/inference/results/formula_rec.py +0 -363
- paddlex/inference/results/instance_seg.py +0 -152
- paddlex/inference/results/ocr.py +0 -157
- paddlex/inference/results/seal_rec.py +0 -50
- paddlex/inference/results/seg.py +0 -72
- paddlex/inference/results/shitu.py +0 -35
- paddlex/inference/results/table_rec.py +0 -109
- paddlex/inference/results/text_det.py +0 -33
- paddlex/inference/results/text_rec.py +0 -66
- paddlex/inference/results/ts.py +0 -37
- paddlex/inference/results/utils/mixin.py +0 -204
- paddlex/inference/results/warp.py +0 -31
- paddlex/inference/utils/process_hook.py +0 -54
- paddlex/pipelines/OCR.yaml +0 -8
- paddlex/pipelines/PP-ChatOCRv3-doc.yaml +0 -27
- paddlex/pipelines/PP-ShiTuV2.yaml +0 -13
- paddlex/pipelines/anomaly_detection.yaml +0 -7
- paddlex/pipelines/face_recognition.yaml +0 -13
- paddlex/pipelines/formula_recognition.yaml +0 -8
- paddlex/pipelines/image_classification.yaml +0 -7
- paddlex/pipelines/instance_segmentation.yaml +0 -7
- paddlex/pipelines/layout_parsing.yaml +0 -14
- paddlex/pipelines/multi_label_image_classification.yaml +0 -7
- paddlex/pipelines/object_detection.yaml +0 -7
- paddlex/pipelines/pedestrian_attribute_recognition.yaml +0 -7
- paddlex/pipelines/seal_recognition.yaml +0 -10
- paddlex/pipelines/semantic_segmentation.yaml +0 -7
- paddlex/pipelines/small_object_detection.yaml +0 -7
- paddlex/pipelines/table_recognition.yaml +0 -12
- paddlex/pipelines/ts_ad.yaml +0 -7
- paddlex/pipelines/ts_cls.yaml +0 -7
- paddlex/pipelines/ts_fc.yaml +0 -7
- paddlex/pipelines/vehicle_attribute_recognition.yaml +0 -7
- paddlex/utils/fonts/PingFang-SC-Regular.ttf +0 -0
- paddlex-3.0.0b2.dist-info/METADATA +0 -760
- paddlex-3.0.0b2.dist-info/RECORD +0 -646
- paddlex-3.0.0b2.dist-info/WHEEL +0 -5
- /paddlex/configs/{doc_text_orientation → modules/doc_text_orientation}/PP-LCNet_x1_0_doc_ori.yaml +0 -0
- /paddlex/configs/{face_detection → modules/face_detection}/BlazeFace-FPN-SSH.yaml +0 -0
- /paddlex/configs/{face_detection → modules/face_detection}/BlazeFace.yaml +0 -0
- /paddlex/configs/{face_detection → modules/face_detection}/PP-YOLOE_plus-S_face.yaml +0 -0
- /paddlex/configs/{face_detection → modules/face_detection}/PicoDet_LCNet_x2_5_face.yaml +0 -0
- /paddlex/configs/{human_detection → modules/human_detection}/PP-YOLOE-L_human.yaml +0 -0
- /paddlex/configs/{human_detection → modules/human_detection}/PP-YOLOE-S_human.yaml +0 -0
- /paddlex/configs/{anomaly_detection → modules/image_anomaly_detection}/STFPM.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ConvNeXt_base_224.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ConvNeXt_base_384.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ConvNeXt_large_224.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ConvNeXt_small.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ConvNeXt_tiny.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/FasterNet-L.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/FasterNet-M.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/FasterNet-S.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/FasterNet-T0.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/FasterNet-T1.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/FasterNet-T2.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV1_x0_25.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV1_x0_5.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV1_x0_75.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV1_x1_0.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV2_x0_25.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV2_x0_5.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV2_x1_0.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV2_x1_5.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV2_x2_0.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV3_large_x0_35.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV3_large_x0_5.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV3_large_x0_75.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV3_large_x1_0.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV3_large_x1_25.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV3_small_x0_35.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV3_small_x0_5.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV3_small_x0_75.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV3_small_x1_0.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV3_small_x1_25.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV4_conv_large.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV4_conv_medium.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV4_conv_small.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV4_hybrid_large.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/MobileNetV4_hybrid_medium.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-HGNetV2-B0.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-HGNetV2-B1.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-HGNetV2-B2.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-HGNetV2-B3.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-HGNetV2-B4.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-HGNetV2-B5.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-HGNetV2-B6.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-HGNet_base.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-HGNet_small.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-HGNet_tiny.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNetV2_base.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNetV2_large.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNetV2_small.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNet_x0_25.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNet_x0_35.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNet_x0_5.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNet_x0_75.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNet_x1_0.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNet_x1_5.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNet_x2_0.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/PP-LCNet_x2_5.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet101.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet101_vd.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet152.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet152_vd.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet18.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet18_vd.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet200_vd.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet34.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet34_vd.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet50.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/ResNet50_vd.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/StarNet-S1.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/StarNet-S2.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/StarNet-S3.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/StarNet-S4.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/SwinTransformer_base_patch4_window12_384.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/SwinTransformer_base_patch4_window7_224.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/SwinTransformer_large_patch4_window12_384.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/SwinTransformer_large_patch4_window7_224.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/SwinTransformer_small_patch4_window7_224.yaml +0 -0
- /paddlex/configs/{image_classification → modules/image_classification}/SwinTransformer_tiny_patch4_window7_224.yaml +0 -0
- /paddlex/configs/{general_recognition → modules/image_feature}/PP-ShiTuV2_rec.yaml +0 -0
- /paddlex/configs/{general_recognition → modules/image_feature}/PP-ShiTuV2_rec_CLIP_vit_base.yaml +0 -0
- /paddlex/configs/{general_recognition → modules/image_feature}/PP-ShiTuV2_rec_CLIP_vit_large.yaml +0 -0
- /paddlex/configs/{multilabel_classification → modules/image_multilabel_classification}/CLIP_vit_base_patch16_448_ML.yaml +0 -0
- /paddlex/configs/{multilabel_classification → modules/image_multilabel_classification}/PP-HGNetV2-B0_ML.yaml +0 -0
- /paddlex/configs/{multilabel_classification → modules/image_multilabel_classification}/PP-HGNetV2-B4_ML.yaml +0 -0
- /paddlex/configs/{multilabel_classification → modules/image_multilabel_classification}/PP-HGNetV2-B6_ML.yaml +0 -0
- /paddlex/configs/{multilabel_classification → modules/image_multilabel_classification}/PP-LCNet_x1_0_ML.yaml +0 -0
- /paddlex/configs/{multilabel_classification → modules/image_multilabel_classification}/ResNet50_ML.yaml +0 -0
- /paddlex/configs/{image_unwarping → modules/image_unwarping}/UVDoc.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/Cascade-MaskRCNN-ResNet50-FPN.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/Cascade-MaskRCNN-ResNet50-vd-SSLDv2-FPN.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/Mask-RT-DETR-H.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/Mask-RT-DETR-L.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/Mask-RT-DETR-M.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/Mask-RT-DETR-S.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/Mask-RT-DETR-X.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/MaskRCNN-ResNeXt101-vd-FPN.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/MaskRCNN-ResNet101-FPN.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/MaskRCNN-ResNet101-vd-FPN.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/MaskRCNN-ResNet50-FPN.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/MaskRCNN-ResNet50-vd-FPN.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/MaskRCNN-ResNet50.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/PP-YOLOE_seg-S.yaml +0 -0
- /paddlex/configs/{instance_segmentation → modules/instance_segmentation}/SOLOv2.yaml +0 -0
- /paddlex/configs/{structure_analysis → modules/layout_detection}/PicoDet-L_layout_17cls.yaml +0 -0
- /paddlex/configs/{structure_analysis → modules/layout_detection}/PicoDet-L_layout_3cls.yaml +0 -0
- /paddlex/configs/{structure_analysis → modules/layout_detection}/PicoDet-S_layout_17cls.yaml +0 -0
- /paddlex/configs/{structure_analysis → modules/layout_detection}/PicoDet-S_layout_3cls.yaml +0 -0
- /paddlex/configs/{structure_analysis → modules/layout_detection}/PicoDet_layout_1x.yaml +0 -0
- /paddlex/configs/{structure_analysis → modules/layout_detection}/PicoDet_layout_1x_table.yaml +0 -0
- /paddlex/configs/{structure_analysis → modules/layout_detection}/RT-DETR-H_layout_17cls.yaml +0 -0
- /paddlex/configs/{structure_analysis → modules/layout_detection}/RT-DETR-H_layout_3cls.yaml +0 -0
- /paddlex/configs/{mainbody_detection → modules/mainbody_detection}/PP-ShiTuV2_det.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/Cascade-FasterRCNN-ResNet50-FPN.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/Cascade-FasterRCNN-ResNet50-vd-SSLDv2-FPN.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/CenterNet-DLA-34.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/CenterNet-ResNet50.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/DETR-R50.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/FCOS-ResNet50.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/FasterRCNN-ResNeXt101-vd-FPN.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/FasterRCNN-ResNet101-FPN.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/FasterRCNN-ResNet101.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/FasterRCNN-ResNet34-FPN.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/FasterRCNN-ResNet50-FPN.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/FasterRCNN-ResNet50-vd-FPN.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/FasterRCNN-ResNet50-vd-SSLDv2-FPN.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/FasterRCNN-ResNet50.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/FasterRCNN-Swin-Tiny-FPN.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/PP-YOLOE_plus-L.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/PP-YOLOE_plus-M.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/PP-YOLOE_plus-S.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/PP-YOLOE_plus-X.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/PicoDet-L.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/PicoDet-M.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/PicoDet-S.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/PicoDet-XS.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/RT-DETR-H.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/RT-DETR-L.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/RT-DETR-R18.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/RT-DETR-R50.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/RT-DETR-X.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/YOLOX-L.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/YOLOX-M.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/YOLOX-N.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/YOLOX-S.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/YOLOX-T.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/YOLOv3-DarkNet53.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/YOLOv3-MobileNetV3.yaml +0 -0
- /paddlex/configs/{object_detection → modules/object_detection}/YOLOv3-ResNet50_vd_DCN.yaml +0 -0
- /paddlex/configs/{pedestrian_attribute → modules/pedestrian_attribute_recognition}/PP-LCNet_x1_0_pedestrian_attribute.yaml +0 -0
- /paddlex/configs/{text_detection_seal → modules/seal_text_detection}/PP-OCRv4_mobile_seal_det.yaml +0 -0
- /paddlex/configs/{text_detection_seal → modules/seal_text_detection}/PP-OCRv4_server_seal_det.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/Deeplabv3-R101.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/Deeplabv3-R50.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/Deeplabv3_Plus-R101.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/Deeplabv3_Plus-R50.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/OCRNet_HRNet-W18.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/OCRNet_HRNet-W48.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/PP-LiteSeg-B.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/PP-LiteSeg-T.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/SegFormer-B0.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/SegFormer-B1.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/SegFormer-B2.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/SegFormer-B3.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/SegFormer-B4.yaml +0 -0
- /paddlex/configs/{semantic_segmentation → modules/semantic_segmentation}/SegFormer-B5.yaml +0 -0
- /paddlex/configs/{small_object_detection → modules/small_object_detection}/PP-YOLOE_plus_SOD-L.yaml +0 -0
- /paddlex/configs/{small_object_detection → modules/small_object_detection}/PP-YOLOE_plus_SOD-S.yaml +0 -0
- /paddlex/configs/{small_object_detection → modules/small_object_detection}/PP-YOLOE_plus_SOD-largesize-L.yaml +0 -0
- /paddlex/configs/{table_recognition → modules/table_structure_recognition}/SLANet.yaml +0 -0
- /paddlex/configs/{table_recognition → modules/table_structure_recognition}/SLANet_plus.yaml +0 -0
- /paddlex/configs/{text_detection → modules/text_detection}/PP-OCRv4_mobile_det.yaml +0 -0
- /paddlex/configs/{text_detection → modules/text_detection}/PP-OCRv4_server_det.yaml +0 -0
- /paddlex/configs/{text_recognition → modules/text_recognition}/PP-OCRv4_mobile_rec.yaml +0 -0
- /paddlex/configs/{text_recognition → modules/text_recognition}/PP-OCRv4_server_rec.yaml +0 -0
- /paddlex/configs/{text_recognition → modules/text_recognition}/ch_RepSVTR_rec.yaml +0 -0
- /paddlex/configs/{text_recognition → modules/text_recognition}/ch_SVTRv2_rec.yaml +0 -0
- /paddlex/configs/{ts_anomaly_detection → modules/ts_anomaly_detection}/AutoEncoder_ad.yaml +0 -0
- /paddlex/configs/{ts_anomaly_detection → modules/ts_anomaly_detection}/DLinear_ad.yaml +0 -0
- /paddlex/configs/{ts_anomaly_detection → modules/ts_anomaly_detection}/Nonstationary_ad.yaml +0 -0
- /paddlex/configs/{ts_anomaly_detection → modules/ts_anomaly_detection}/PatchTST_ad.yaml +0 -0
- /paddlex/configs/{ts_anomaly_detection → modules/ts_anomaly_detection}/TimesNet_ad.yaml +0 -0
- /paddlex/configs/{ts_classification → modules/ts_classification}/TimesNet_cls.yaml +0 -0
- /paddlex/configs/{ts_forecast → modules/ts_forecast}/DLinear.yaml +0 -0
- /paddlex/configs/{ts_forecast → modules/ts_forecast}/NLinear.yaml +0 -0
- /paddlex/configs/{ts_forecast → modules/ts_forecast}/Nonstationary.yaml +0 -0
- /paddlex/configs/{ts_forecast → modules/ts_forecast}/PatchTST.yaml +0 -0
- /paddlex/configs/{ts_forecast → modules/ts_forecast}/RLinear.yaml +0 -0
- /paddlex/configs/{ts_forecast → modules/ts_forecast}/TiDE.yaml +0 -0
- /paddlex/configs/{ts_forecast → modules/ts_forecast}/TimesNet.yaml +0 -0
- /paddlex/configs/{vehicle_attribute → modules/vehicle_attribute_recognition}/PP-LCNet_x1_0_vehicle_attribute.yaml +0 -0
- /paddlex/configs/{vehicle_detection → modules/vehicle_detection}/PP-YOLOE-L_vehicle.yaml +0 -0
- /paddlex/configs/{vehicle_detection → modules/vehicle_detection}/PP-YOLOE-S_vehicle.yaml +0 -0
- /paddlex/inference/{results/utils → common}/__init__.py +0 -0
- {paddlex-3.0.0b2.dist-info → paddlex-3.0.0rc0.dist-info}/LICENSE +0 -0
- {paddlex-3.0.0b2.dist-info → paddlex-3.0.0rc0.dist-info}/entry_points.txt +0 -0
- {paddlex-3.0.0b2.dist-info → paddlex-3.0.0rc0.dist-info}/top_level.txt +0 -0
@@ -0,0 +1,703 @@
|
|
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 typing import Union, Tuple, List, Dict, Any, Iterator, Callable, Optional
|
16
|
+
from abc import abstractmethod
|
17
|
+
from pathlib import Path
|
18
|
+
import os
|
19
|
+
import mimetypes
|
20
|
+
import json
|
21
|
+
import copy
|
22
|
+
import re
|
23
|
+
import numpy as np
|
24
|
+
from PIL import Image
|
25
|
+
import pandas as pd
|
26
|
+
|
27
|
+
from ....utils import logging
|
28
|
+
from ...utils.io import (
|
29
|
+
JsonWriter,
|
30
|
+
ImageReader,
|
31
|
+
ImageWriter,
|
32
|
+
CSVWriter,
|
33
|
+
HtmlWriter,
|
34
|
+
XlsxWriter,
|
35
|
+
TextWriter,
|
36
|
+
VideoWriter,
|
37
|
+
MarkdownWriter,
|
38
|
+
)
|
39
|
+
|
40
|
+
|
41
|
+
class StrMixin:
|
42
|
+
"""Mixin class for adding string conversion capabilities."""
|
43
|
+
|
44
|
+
@property
|
45
|
+
def str(self) -> Dict[str, str]:
|
46
|
+
"""Property to get the string representation of the result.
|
47
|
+
|
48
|
+
Returns:
|
49
|
+
Dict[str, str]: The string representation of the result.
|
50
|
+
"""
|
51
|
+
|
52
|
+
return self._to_str()
|
53
|
+
|
54
|
+
def _to_str(
|
55
|
+
self,
|
56
|
+
):
|
57
|
+
"""Convert the given result data to a string representation.
|
58
|
+
|
59
|
+
Args:
|
60
|
+
json_format (bool): If True, return a JSON formatted string. Default is False.
|
61
|
+
indent (int): Number of spaces to indent for JSON formatting. Default is 4.
|
62
|
+
ensure_ascii (bool): If True, ensure all characters are ASCII. Default is False.
|
63
|
+
|
64
|
+
Returns:
|
65
|
+
Dict[str, str]: The string representation of the result.
|
66
|
+
"""
|
67
|
+
return {"res": self}
|
68
|
+
|
69
|
+
def print(self) -> None:
|
70
|
+
"""Print the string representation of the result."""
|
71
|
+
logging.info(self._to_str())
|
72
|
+
|
73
|
+
|
74
|
+
def _format_data(obj):
|
75
|
+
"""Helper function to format data into a JSON-serializable format.
|
76
|
+
|
77
|
+
Args:
|
78
|
+
obj: The object to be formatted.
|
79
|
+
|
80
|
+
Returns:
|
81
|
+
Any: The formatted object.
|
82
|
+
"""
|
83
|
+
if isinstance(obj, np.float32):
|
84
|
+
return float(obj)
|
85
|
+
elif isinstance(obj, np.ndarray):
|
86
|
+
return [_format_data(item) for item in obj.tolist()]
|
87
|
+
elif isinstance(obj, pd.DataFrame):
|
88
|
+
return json.loads(obj.to_json(orient="records", force_ascii=False))
|
89
|
+
elif isinstance(obj, Path):
|
90
|
+
return obj.as_posix()
|
91
|
+
elif isinstance(obj, dict):
|
92
|
+
return dict({k: _format_data(v) for k, v in obj.items()})
|
93
|
+
elif isinstance(obj, (list, tuple)):
|
94
|
+
return [_format_data(i) for i in obj]
|
95
|
+
else:
|
96
|
+
return obj
|
97
|
+
|
98
|
+
|
99
|
+
class JsonMixin:
|
100
|
+
"""Mixin class for adding JSON serialization capabilities."""
|
101
|
+
|
102
|
+
def __init__(self) -> None:
|
103
|
+
self._json_writer = JsonWriter()
|
104
|
+
self._save_funcs.append(self.save_to_json)
|
105
|
+
|
106
|
+
def _to_json(self) -> Dict[str, Dict[str, Any]]:
|
107
|
+
"""Convert the object to a JSON-serializable format.
|
108
|
+
|
109
|
+
Returns:
|
110
|
+
Dict[str, Dict[str, Any]]: A dictionary representation of the object that is JSON-serializable.
|
111
|
+
"""
|
112
|
+
|
113
|
+
return {"res": _format_data(copy.deepcopy(self))}
|
114
|
+
|
115
|
+
@property
|
116
|
+
def json(self) -> Dict[str, Dict[str, Any]]:
|
117
|
+
"""Property to get the JSON representation of the result.
|
118
|
+
|
119
|
+
Returns:
|
120
|
+
Dict[str, Dict[str, Any]]: The dict type JSON representation of the result.
|
121
|
+
"""
|
122
|
+
|
123
|
+
return self._to_json()
|
124
|
+
|
125
|
+
def save_to_json(
|
126
|
+
self,
|
127
|
+
save_path: str,
|
128
|
+
indent: int = 4,
|
129
|
+
ensure_ascii: bool = False,
|
130
|
+
*args: List,
|
131
|
+
**kwargs: Dict,
|
132
|
+
) -> None:
|
133
|
+
"""Save the JSON representation of the object to a file.
|
134
|
+
|
135
|
+
Args:
|
136
|
+
save_path (str): The path to save the JSON file. If the save path does not end with '.json', it appends the base name and suffix of the input path.
|
137
|
+
indent (int): The number of spaces to indent for pretty printing. Default is 4.
|
138
|
+
ensure_ascii (bool): If False, non-ASCII characters will be included in the output. Default is False.
|
139
|
+
*args: Additional positional arguments to pass to the underlying writer.
|
140
|
+
**kwargs: Additional keyword arguments to pass to the underlying writer.
|
141
|
+
"""
|
142
|
+
|
143
|
+
def _is_json_file(file_path):
|
144
|
+
mime_type, _ = mimetypes.guess_type(file_path)
|
145
|
+
return mime_type is not None and mime_type == "application/json"
|
146
|
+
|
147
|
+
json_data = self._to_json()
|
148
|
+
if not _is_json_file(save_path):
|
149
|
+
fn = Path(self._get_input_fn())
|
150
|
+
stem = fn.stem
|
151
|
+
base_save_path = Path(save_path)
|
152
|
+
for key in json_data:
|
153
|
+
save_path = base_save_path / f"{stem}_{key}.json"
|
154
|
+
self._json_writer.write(
|
155
|
+
save_path.as_posix(),
|
156
|
+
json_data[key],
|
157
|
+
indent=indent,
|
158
|
+
ensure_ascii=ensure_ascii,
|
159
|
+
*args,
|
160
|
+
**kwargs,
|
161
|
+
)
|
162
|
+
else:
|
163
|
+
if len(json_data) > 1:
|
164
|
+
logging.warning(
|
165
|
+
f"The result has multiple json files need to be saved. But the `save_path` has been specfied as `{save_path}`!"
|
166
|
+
)
|
167
|
+
self._json_writer.write(
|
168
|
+
save_path,
|
169
|
+
json_data[list(json_data.keys())[0]],
|
170
|
+
indent=indent,
|
171
|
+
ensure_ascii=ensure_ascii,
|
172
|
+
*args,
|
173
|
+
**kwargs,
|
174
|
+
)
|
175
|
+
|
176
|
+
def _to_str(
|
177
|
+
self,
|
178
|
+
json_format: bool = False,
|
179
|
+
indent: int = 4,
|
180
|
+
ensure_ascii: bool = False,
|
181
|
+
):
|
182
|
+
"""Convert the given result data to a string representation.
|
183
|
+
Args:
|
184
|
+
data (dict): The data would be converted to str.
|
185
|
+
json_format (bool): If True, return a JSON formatted string. Default is False.
|
186
|
+
indent (int): Number of spaces to indent for JSON formatting. Default is 4.
|
187
|
+
ensure_ascii (bool): If True, ensure all characters are ASCII. Default is False.
|
188
|
+
Returns:
|
189
|
+
Dict[str, str]: The string representation of the result.
|
190
|
+
"""
|
191
|
+
if json_format:
|
192
|
+
return json.dumps(
|
193
|
+
_format_data({"res": self}), indent=indent, ensure_ascii=ensure_ascii
|
194
|
+
)
|
195
|
+
else:
|
196
|
+
return {"res": self}
|
197
|
+
|
198
|
+
def print(
|
199
|
+
self, json_format: bool = False, indent: int = 4, ensure_ascii: bool = False
|
200
|
+
) -> None:
|
201
|
+
"""Print the string representation of the result.
|
202
|
+
|
203
|
+
Args:
|
204
|
+
json_format (bool): If True, print a JSON formatted string. Default is False.
|
205
|
+
indent (int): Number of spaces to indent for JSON formatting. Default is 4.
|
206
|
+
ensure_ascii (bool): If True, ensure all characters are ASCII. Default is False.
|
207
|
+
"""
|
208
|
+
str_ = self._to_str(
|
209
|
+
json_format=json_format, indent=indent, ensure_ascii=ensure_ascii
|
210
|
+
)
|
211
|
+
logging.info(str_)
|
212
|
+
|
213
|
+
|
214
|
+
class Base64Mixin:
|
215
|
+
"""Mixin class for adding Base64 encoding capabilities."""
|
216
|
+
|
217
|
+
def __init__(self, *args: List, **kwargs: Dict) -> None:
|
218
|
+
"""Initializes the Base64Mixin.
|
219
|
+
|
220
|
+
Args:
|
221
|
+
*args: Positional arguments to pass to the TextWriter.
|
222
|
+
**kwargs: Keyword arguments to pass to the TextWriter.
|
223
|
+
"""
|
224
|
+
self._base64_writer = TextWriter(*args, **kwargs)
|
225
|
+
self._save_funcs.append(self.save_to_base64)
|
226
|
+
|
227
|
+
@abstractmethod
|
228
|
+
def _to_base64(self) -> Dict[str, str]:
|
229
|
+
"""Abstract method to convert the result to Base64.
|
230
|
+
|
231
|
+
Returns:
|
232
|
+
Dict[str, str]: The str type Base64 representation result.
|
233
|
+
"""
|
234
|
+
raise NotImplementedError
|
235
|
+
|
236
|
+
@property
|
237
|
+
def base64(self) -> Dict[str, str]:
|
238
|
+
"""
|
239
|
+
Property that returns the Base64 encoded content.
|
240
|
+
|
241
|
+
Returns:
|
242
|
+
Dict[str, str]: The base64 representation of the result.
|
243
|
+
"""
|
244
|
+
return self._to_base64()
|
245
|
+
|
246
|
+
def save_to_base64(self, save_path: str, *args: List, **kwargs: Dict) -> None:
|
247
|
+
"""Saves the Base64 encoded content to the specified path.
|
248
|
+
|
249
|
+
Args:
|
250
|
+
save_path (str): The path to save the base64 representation result. If the save path does not end with '.b64', it appends the base name and suffix of the input path.
|
251
|
+
|
252
|
+
*args: Additional positional arguments that will be passed to the base64 writer.
|
253
|
+
**kwargs: Additional keyword arguments that will be passed to the base64 writer.
|
254
|
+
"""
|
255
|
+
base64 = self._to_base64()
|
256
|
+
if not str(save_path).lower().endswith((".b64")):
|
257
|
+
fn = Path(self._get_input_fn())
|
258
|
+
stem = fn.stem
|
259
|
+
base_save_path = Path(save_path)
|
260
|
+
for key in base64:
|
261
|
+
save_path = base_save_path / f"{stem}_{key}.b64"
|
262
|
+
self._base64_writer.write(
|
263
|
+
save_path.as_posix(), base64[key], *args, **kwargs
|
264
|
+
)
|
265
|
+
else:
|
266
|
+
if len(base64) > 1:
|
267
|
+
logging.warning(
|
268
|
+
f"The result has multiple base64 files need to be saved. But the `save_path` has been specfied as `{save_path}`!"
|
269
|
+
)
|
270
|
+
self._base64_writer.write(
|
271
|
+
save_path, base64[list(base64.keys())[0]], *args, **kwargs
|
272
|
+
)
|
273
|
+
|
274
|
+
|
275
|
+
class ImgMixin:
|
276
|
+
"""Mixin class for adding image handling capabilities."""
|
277
|
+
|
278
|
+
def __init__(self, backend: str = "pillow", *args: List, **kwargs: Dict) -> None:
|
279
|
+
"""Initializes ImgMixin.
|
280
|
+
|
281
|
+
Args:
|
282
|
+
backend (str): The backend to use for image processing. Defaults to "pillow".
|
283
|
+
*args: Additional positional arguments to pass to the ImageWriter.
|
284
|
+
**kwargs: Additional keyword arguments to pass to the ImageWriter.
|
285
|
+
"""
|
286
|
+
self._img_writer = ImageWriter(backend=backend, *args, **kwargs)
|
287
|
+
self._save_funcs.append(self.save_to_img)
|
288
|
+
|
289
|
+
@abstractmethod
|
290
|
+
def _to_img(self) -> Dict[str, Image.Image]:
|
291
|
+
"""Abstract method to convert the result to an image.
|
292
|
+
|
293
|
+
Returns:
|
294
|
+
Dict[str, Image.Image]: The image representation result.
|
295
|
+
"""
|
296
|
+
raise NotImplementedError
|
297
|
+
|
298
|
+
@property
|
299
|
+
def img(self) -> Dict[str, Image.Image]:
|
300
|
+
"""Property to get the image representation of the result.
|
301
|
+
|
302
|
+
Returns:
|
303
|
+
Dict[str, Image.Image]: The image representation of the result.
|
304
|
+
"""
|
305
|
+
return self._to_img()
|
306
|
+
|
307
|
+
def save_to_img(self, save_path: str, *args: List, **kwargs: Dict) -> None:
|
308
|
+
"""Saves the image representation of the result to the specified path.
|
309
|
+
|
310
|
+
Args:
|
311
|
+
save_path (str): The path to save the image. If the save path does not end with .jpg or .png, it appends the input path's stem and suffix to the save path.
|
312
|
+
*args: Additional positional arguments that will be passed to the image writer.
|
313
|
+
**kwargs: Additional keyword arguments that will be passed to the image writer.
|
314
|
+
"""
|
315
|
+
|
316
|
+
def _is_image_file(file_path):
|
317
|
+
mime_type, _ = mimetypes.guess_type(file_path)
|
318
|
+
return mime_type is not None and mime_type.startswith("image/")
|
319
|
+
|
320
|
+
img = self._to_img()
|
321
|
+
if not _is_image_file(save_path):
|
322
|
+
fn = Path(self._get_input_fn())
|
323
|
+
suffix = fn.suffix if _is_image_file(fn) else ".png"
|
324
|
+
stem = fn.stem
|
325
|
+
base_save_path = Path(save_path)
|
326
|
+
for key in img:
|
327
|
+
save_path = base_save_path / f"{stem}_{key}{suffix}"
|
328
|
+
self._img_writer.write(save_path.as_posix(), img[key], *args, **kwargs)
|
329
|
+
else:
|
330
|
+
if len(img) > 1:
|
331
|
+
logging.warning(
|
332
|
+
f"The result has multiple img files need to be saved. But the `save_path` has been specfied as `{save_path}`!"
|
333
|
+
)
|
334
|
+
self._img_writer.write(save_path, img[list(img.keys())[0]], *args, **kwargs)
|
335
|
+
|
336
|
+
|
337
|
+
class CSVMixin:
|
338
|
+
"""Mixin class for adding CSV handling capabilities."""
|
339
|
+
|
340
|
+
def __init__(self, backend: str = "pandas", *args: List, **kwargs: Dict) -> None:
|
341
|
+
"""Initializes the CSVMixin.
|
342
|
+
|
343
|
+
Args:
|
344
|
+
backend (str): The backend to use for CSV operations (default is "pandas").
|
345
|
+
*args: Optional positional arguments to pass to the CSVWriter.
|
346
|
+
**kwargs: Optional keyword arguments to pass to the CSVWriter.
|
347
|
+
"""
|
348
|
+
self._csv_writer = CSVWriter(backend=backend, *args, **kwargs)
|
349
|
+
if not hasattr(self, "_save_funcs"):
|
350
|
+
self._save_funcs = []
|
351
|
+
self._save_funcs.append(self.save_to_csv)
|
352
|
+
|
353
|
+
@property
|
354
|
+
def csv(self) -> Dict[str, pd.DataFrame]:
|
355
|
+
"""Property to get the pandas Dataframe representation of the result.
|
356
|
+
|
357
|
+
Returns:
|
358
|
+
Dict[str, pd.DataFrame]: The pandas.DataFrame representation of the result.
|
359
|
+
"""
|
360
|
+
return self._to_csv()
|
361
|
+
|
362
|
+
@abstractmethod
|
363
|
+
def _to_csv(self) -> Dict[str, pd.DataFrame]:
|
364
|
+
"""Abstract method to convert the result to pandas.DataFrame.
|
365
|
+
|
366
|
+
Returns:
|
367
|
+
Dict[str, pd.DataFrame]: The pandas.DataFrame representation result.
|
368
|
+
"""
|
369
|
+
raise NotImplementedError
|
370
|
+
|
371
|
+
def save_to_csv(self, save_path: str, *args: List, **kwargs: Dict) -> None:
|
372
|
+
"""Saves the result to a CSV file.
|
373
|
+
|
374
|
+
Args:
|
375
|
+
save_path (str): The path to save the CSV file. If the path does not end with ".csv",
|
376
|
+
the stem of the input path attribute (self['input_path']) will be used as the filename.
|
377
|
+
*args: Optional positional arguments to pass to the CSV writer's write method.
|
378
|
+
**kwargs: Optional keyword arguments to pass to the CSV writer's write method.
|
379
|
+
"""
|
380
|
+
|
381
|
+
def _is_csv_file(file_path):
|
382
|
+
mime_type, _ = mimetypes.guess_type(file_path)
|
383
|
+
return mime_type is not None and mime_type == "text/csv"
|
384
|
+
|
385
|
+
csv = self._to_csv()
|
386
|
+
if not _is_csv_file(save_path):
|
387
|
+
fn = Path(self._get_input_fn())
|
388
|
+
stem = fn.stem
|
389
|
+
base_save_path = Path(save_path)
|
390
|
+
for key in csv:
|
391
|
+
save_path = base_save_path / f"{stem}_{key}.csv"
|
392
|
+
self._csv_writer.write(save_path.as_posix(), csv[key], *args, **kwargs)
|
393
|
+
else:
|
394
|
+
if len(csv) > 1:
|
395
|
+
logging.warning(
|
396
|
+
f"The result has multiple csv files need to be saved. But the `save_path` has been specfied as `{save_path}`!"
|
397
|
+
)
|
398
|
+
self._csv_writer.write(save_path, csv[list(csv.keys())[0]], *args, **kwargs)
|
399
|
+
|
400
|
+
|
401
|
+
class HtmlMixin:
|
402
|
+
"""Mixin class for adding HTML handling capabilities."""
|
403
|
+
|
404
|
+
def __init__(self, *args: List, **kwargs: Dict) -> None:
|
405
|
+
"""
|
406
|
+
Initializes the HTML writer and appends the save_to_html method to the save functions list.
|
407
|
+
|
408
|
+
Args:
|
409
|
+
*args: Positional arguments passed to the HtmlWriter.
|
410
|
+
**kwargs: Keyword arguments passed to the HtmlWriter.
|
411
|
+
"""
|
412
|
+
self._html_writer = HtmlWriter(*args, **kwargs)
|
413
|
+
self._save_funcs.append(self.save_to_html)
|
414
|
+
|
415
|
+
@property
|
416
|
+
def html(self) -> Dict[str, str]:
|
417
|
+
"""Property to get the HTML representation of the result.
|
418
|
+
|
419
|
+
Returns:
|
420
|
+
str: The str type HTML representation of the result.
|
421
|
+
"""
|
422
|
+
return self._to_html()
|
423
|
+
|
424
|
+
@abstractmethod
|
425
|
+
def _to_html(self) -> Dict[str, str]:
|
426
|
+
"""Abstract method to convert the result to str type HTML representation.
|
427
|
+
|
428
|
+
Returns:
|
429
|
+
Dict[str, str]: The str type HTML representation result.
|
430
|
+
"""
|
431
|
+
raise NotImplementedError
|
432
|
+
|
433
|
+
def save_to_html(self, save_path: str, *args: List, **kwargs: Dict) -> None:
|
434
|
+
"""Saves the HTML representation of the object to the specified path.
|
435
|
+
|
436
|
+
Args:
|
437
|
+
save_path (str): The path to save the HTML file.
|
438
|
+
*args: Additional positional arguments.
|
439
|
+
**kwargs: Additional keyword arguments.
|
440
|
+
"""
|
441
|
+
|
442
|
+
def _is_html_file(file_path):
|
443
|
+
mime_type, _ = mimetypes.guess_type(file_path)
|
444
|
+
return mime_type is not None and mime_type == "text/html"
|
445
|
+
|
446
|
+
html = self._to_html()
|
447
|
+
if not _is_html_file(save_path):
|
448
|
+
fn = Path(self._get_input_fn())
|
449
|
+
stem = fn.stem
|
450
|
+
base_save_path = Path(save_path)
|
451
|
+
for key in html:
|
452
|
+
save_path = base_save_path / f"{stem}_{key}.html"
|
453
|
+
self._html_writer.write(
|
454
|
+
save_path.as_posix(), html[key], *args, **kwargs
|
455
|
+
)
|
456
|
+
else:
|
457
|
+
if len(html) > 1:
|
458
|
+
logging.warning(
|
459
|
+
f"The result has multiple html files need to be saved. But the `save_path` has been specfied as `{save_path}`!"
|
460
|
+
)
|
461
|
+
self._html_writer.write(
|
462
|
+
save_path, html[list(html.keys())[0]], *args, **kwargs
|
463
|
+
)
|
464
|
+
|
465
|
+
|
466
|
+
class XlsxMixin:
|
467
|
+
"""Mixin class for adding XLSX handling capabilities."""
|
468
|
+
|
469
|
+
def __init__(self, *args: List, **kwargs: Dict) -> None:
|
470
|
+
"""Initializes the XLSX writer and appends the save_to_xlsx method to the save functions.
|
471
|
+
|
472
|
+
Args:
|
473
|
+
*args: Positional arguments to be passed to the XlsxWriter constructor.
|
474
|
+
**kwargs: Keyword arguments to be passed to the XlsxWriter constructor.
|
475
|
+
"""
|
476
|
+
self._xlsx_writer = XlsxWriter(*args, **kwargs)
|
477
|
+
self._save_funcs.append(self.save_to_xlsx)
|
478
|
+
|
479
|
+
@property
|
480
|
+
def xlsx(self) -> Dict[str, str]:
|
481
|
+
"""Property to get the XLSX representation of the result.
|
482
|
+
|
483
|
+
Returns:
|
484
|
+
Dict[str, str]: The str type XLSX representation of the result.
|
485
|
+
"""
|
486
|
+
return self._to_xlsx()
|
487
|
+
|
488
|
+
@abstractmethod
|
489
|
+
def _to_xlsx(self) -> Dict[str, str]:
|
490
|
+
"""Abstract method to convert the result to str type XLSX representation.
|
491
|
+
|
492
|
+
Returns:
|
493
|
+
Dict[str, str]: The str type HTML representation result.
|
494
|
+
"""
|
495
|
+
raise NotImplementedError
|
496
|
+
|
497
|
+
def save_to_xlsx(self, save_path: str, *args: List, **kwargs: Dict) -> None:
|
498
|
+
"""Saves the HTML representation to an XLSX file.
|
499
|
+
|
500
|
+
Args:
|
501
|
+
save_path (str): The path to save the XLSX file. If the path does not end with ".xlsx",
|
502
|
+
the filename will be set to the stem of the input path with ".xlsx" extension.
|
503
|
+
*args: Additional positional arguments to pass to the XLSX writer.
|
504
|
+
**kwargs: Additional keyword arguments to pass to the XLSX writer.
|
505
|
+
"""
|
506
|
+
|
507
|
+
def _is_xlsx_file(file_path):
|
508
|
+
mime_type, _ = mimetypes.guess_type(file_path)
|
509
|
+
return (
|
510
|
+
mime_type is not None
|
511
|
+
and mime_type
|
512
|
+
== "application/vnd.openxmlformats-officedocument.spreadsheetml.sheet"
|
513
|
+
)
|
514
|
+
|
515
|
+
xlsx = self._to_xlsx()
|
516
|
+
if not _is_xlsx_file(save_path):
|
517
|
+
fn = Path(self._get_input_fn())
|
518
|
+
stem = fn.stem
|
519
|
+
base_save_path = Path(save_path)
|
520
|
+
for key in xlsx:
|
521
|
+
save_path = base_save_path / f"{stem}_{key}.xlsx"
|
522
|
+
self._xlsx_writer.write(
|
523
|
+
save_path.as_posix(), xlsx[key], *args, **kwargs
|
524
|
+
)
|
525
|
+
else:
|
526
|
+
if len(xlsx) > 1:
|
527
|
+
logging.warning(
|
528
|
+
f"The result has multiple xlsx files need to be saved. But the `save_path` has been specfied as `{save_path}`!"
|
529
|
+
)
|
530
|
+
self._xlsx_writer.write(
|
531
|
+
save_path, xlsx[list(xlsx.keys())[0]], *args, **kwargs
|
532
|
+
)
|
533
|
+
|
534
|
+
|
535
|
+
class VideoMixin:
|
536
|
+
"""Mixin class for adding Video handling capabilities."""
|
537
|
+
|
538
|
+
def __init__(self, backend: str = "opencv", *args: List, **kwargs: Dict) -> None:
|
539
|
+
"""Initializes VideoMixin.
|
540
|
+
|
541
|
+
Args:
|
542
|
+
backend (str): The backend to use for video processing. Defaults to "opencv".
|
543
|
+
*args: Additional positional arguments to pass to the VideoWriter.
|
544
|
+
**kwargs: Additional keyword arguments to pass to the VideoWriter.
|
545
|
+
"""
|
546
|
+
self._backend = backend
|
547
|
+
self._save_funcs.append(self.save_to_video)
|
548
|
+
|
549
|
+
@abstractmethod
|
550
|
+
def _to_video(self) -> Dict[str, np.array]:
|
551
|
+
"""Abstract method to convert the result to a video.
|
552
|
+
|
553
|
+
Returns:
|
554
|
+
Dict[str, np.array]: The video representation result.
|
555
|
+
"""
|
556
|
+
raise NotImplementedError
|
557
|
+
|
558
|
+
@property
|
559
|
+
def video(self) -> Dict[str, np.array]:
|
560
|
+
"""Property to get the video representation of the result.
|
561
|
+
|
562
|
+
Returns:
|
563
|
+
Dict[str, np.array]: The video representation of the result.
|
564
|
+
"""
|
565
|
+
return self._to_video()
|
566
|
+
|
567
|
+
def save_to_video(self, save_path: str, *args: List, **kwargs: Dict) -> None:
|
568
|
+
"""Saves the video representation of the result to the specified path.
|
569
|
+
|
570
|
+
Args:
|
571
|
+
save_path (str): The path to save the video. If the save path does not end with .mp4 or .avi, it appends the input path's stem and suffix to the save path.
|
572
|
+
*args: Additional positional arguments that will be passed to the video writer.
|
573
|
+
**kwargs: Additional keyword arguments that will be passed to the video writer.
|
574
|
+
"""
|
575
|
+
|
576
|
+
def _is_video_file(file_path):
|
577
|
+
mime_type, _ = mimetypes.guess_type(file_path)
|
578
|
+
return mime_type is not None and mime_type.startswith("video/")
|
579
|
+
|
580
|
+
video_writer = VideoWriter(backend=self._backend, *args, **kwargs)
|
581
|
+
video = self._to_video()
|
582
|
+
if not _is_video_file(save_path):
|
583
|
+
fn = Path(self._get_input_fn())
|
584
|
+
stem = fn.stem
|
585
|
+
suffix = fn.suffix if _is_video_file(fn) else ".mp4"
|
586
|
+
base_save_path = Path(save_path)
|
587
|
+
for key in video:
|
588
|
+
save_path = base_save_path / f"{stem}_{key}{suffix}"
|
589
|
+
video_writer.write(save_path.as_posix(), video[key], *args, **kwargs)
|
590
|
+
else:
|
591
|
+
if len(video) > 1:
|
592
|
+
logging.warning(
|
593
|
+
f"The result has multiple video files need to be saved. But the `save_path` has been specfied as `{save_path}`!"
|
594
|
+
)
|
595
|
+
video_writer.write(save_path, video[list(video.keys())[0]], *args, **kwargs)
|
596
|
+
|
597
|
+
|
598
|
+
class MarkdownMixin:
|
599
|
+
"""Mixin class for adding Markdown handling capabilities."""
|
600
|
+
|
601
|
+
def __init__(self, *args: list, **kwargs: dict):
|
602
|
+
"""Initializes the Markdown writer and appends the save_to_markdown method to the save functions.
|
603
|
+
|
604
|
+
Args:
|
605
|
+
*args: Positional arguments to be passed to the MarkdownWriter constructor.
|
606
|
+
**kwargs: Keyword arguments to be passed to the MarkdownWriter constructor.
|
607
|
+
"""
|
608
|
+
self._markdown_writer = MarkdownWriter(*args, **kwargs)
|
609
|
+
self._img_writer = ImageWriter(*args, **kwargs)
|
610
|
+
self._save_funcs.append(self.save_to_markdown)
|
611
|
+
|
612
|
+
@abstractmethod
|
613
|
+
def _to_markdown(self) -> Dict[str, Union[str, Dict[str, Any]]]:
|
614
|
+
"""
|
615
|
+
Convert the result to markdown format.
|
616
|
+
|
617
|
+
Returns:
|
618
|
+
Dict[str, Union[str, Dict[str, Any]]]: A dictionary containing markdown text and image data.
|
619
|
+
"""
|
620
|
+
raise NotImplementedError
|
621
|
+
|
622
|
+
@property
|
623
|
+
def markdown(self) -> Dict[str, Union[str, Dict[str, Any]]]:
|
624
|
+
"""Property to access the markdown data.
|
625
|
+
|
626
|
+
Returns:
|
627
|
+
Dict[str, Union[str, Dict[str, Any]]]: A dictionary containing markdown text and image data.
|
628
|
+
"""
|
629
|
+
return self._to_markdown()
|
630
|
+
|
631
|
+
def save_to_markdown(self, save_path, *args, **kwargs) -> None:
|
632
|
+
"""Save the markdown data to a file.
|
633
|
+
|
634
|
+
Args:
|
635
|
+
save_path (Union[str, Path]): The path where the markdown file will be saved.
|
636
|
+
*args: Additional positional arguments for saving.
|
637
|
+
**kwargs: Additional keyword arguments for saving.
|
638
|
+
"""
|
639
|
+
|
640
|
+
def _is_markdown_file(file_path) -> bool:
|
641
|
+
"""Check if a file is a markdown file based on its extension or MIME type.
|
642
|
+
|
643
|
+
Args:
|
644
|
+
file_path (Union[str, Path]): The path to the file.
|
645
|
+
|
646
|
+
Returns:
|
647
|
+
bool: True if the file is a markdown file, False otherwise.
|
648
|
+
"""
|
649
|
+
markdown_extensions = {".md", ".markdown", ".mdown", ".mkd"}
|
650
|
+
_, ext = os.path.splitext(str(file_path))
|
651
|
+
if ext.lower() in markdown_extensions:
|
652
|
+
return True
|
653
|
+
mime_type, _ = mimetypes.guess_type(str(file_path))
|
654
|
+
return mime_type == "text/markdown"
|
655
|
+
|
656
|
+
if not _is_markdown_file(save_path):
|
657
|
+
fn = Path(self._get_input_fn())
|
658
|
+
suffix = fn.suffix if _is_markdown_file(fn) else ".md"
|
659
|
+
stem = fn.stem
|
660
|
+
base_save_path = Path(save_path)
|
661
|
+
save_path = base_save_path / f"{stem}{suffix}"
|
662
|
+
self.save_path = save_path
|
663
|
+
else:
|
664
|
+
self.save_path = save_path
|
665
|
+
self._save_data(
|
666
|
+
self._markdown_writer.write,
|
667
|
+
self._img_writer.write,
|
668
|
+
self.save_path,
|
669
|
+
self._to_markdown(),
|
670
|
+
*args,
|
671
|
+
**kwargs,
|
672
|
+
)
|
673
|
+
|
674
|
+
def _save_data(
|
675
|
+
self,
|
676
|
+
save_mkd_func: Callable,
|
677
|
+
save_img_func: Callable,
|
678
|
+
save_path: Union[str, Path],
|
679
|
+
data: Optional[Dict[str, Union[str, Dict[str, Any]]]],
|
680
|
+
*args,
|
681
|
+
**kwargs,
|
682
|
+
) -> None:
|
683
|
+
"""Internal method to save markdown and image data.
|
684
|
+
|
685
|
+
Args:
|
686
|
+
save_mkd_func (Callable): Function to save markdown text.
|
687
|
+
save_img_func (Callable): Function to save image data.
|
688
|
+
save_path (Union[str, Path]): The base path where the data will be saved.
|
689
|
+
data (Optional[Dict[str, Union[str, Dict[str, Any]]]]): The markdown data to save.
|
690
|
+
*args: Additional positional arguments for saving.
|
691
|
+
**kwargs: Additional keyword arguments for saving.
|
692
|
+
"""
|
693
|
+
save_path = Path(save_path)
|
694
|
+
if data is None:
|
695
|
+
return
|
696
|
+
for key, value in data.items():
|
697
|
+
if isinstance(value, str):
|
698
|
+
save_mkd_func(save_path.as_posix(), value, *args, **kwargs)
|
699
|
+
if isinstance(value, dict):
|
700
|
+
base_save_path = save_path.parent
|
701
|
+
for img_path, img_data in value.items():
|
702
|
+
save_path = base_save_path / img_path
|
703
|
+
save_img_func(save_path.as_posix(), img_data, *args, **kwargs)
|