paddlex 3.0.0rc0__py3-none-any.whl → 3.0.0rc1__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 +17 -34
- paddlex/__main__.py +1 -1
- paddlex/configs/modules/doc_vlm/PP-DocBee-2B.yaml +14 -0
- paddlex/configs/modules/doc_vlm/PP-DocBee-7B.yaml +14 -0
- paddlex/configs/modules/open_vocabulary_detection/YOLO-Worldv2-L.yaml +13 -0
- paddlex/configs/pipelines/anomaly_detection.yaml +1 -1
- paddlex/configs/pipelines/doc_understanding.yaml +9 -0
- paddlex/configs/pipelines/ts_anomaly_detection.yaml +1 -1
- paddlex/configs/pipelines/ts_classification.yaml +1 -1
- paddlex/configs/pipelines/ts_forecast.yaml +1 -1
- paddlex/constants.py +17 -0
- paddlex/engine.py +7 -5
- paddlex/hpip_links.html +23 -11
- paddlex/inference/__init__.py +3 -3
- paddlex/inference/common/__init__.py +1 -1
- paddlex/inference/common/batch_sampler/__init__.py +5 -4
- paddlex/inference/common/batch_sampler/audio_batch_sampler.py +5 -6
- paddlex/inference/common/batch_sampler/base_batch_sampler.py +20 -16
- paddlex/inference/common/batch_sampler/det_3d_batch_sampler.py +4 -7
- paddlex/inference/common/batch_sampler/doc_vlm_batch_sampler.py +64 -0
- paddlex/inference/common/batch_sampler/image_batch_sampler.py +12 -36
- paddlex/inference/common/batch_sampler/ts_batch_sampler.py +9 -10
- paddlex/inference/common/batch_sampler/video_batch_sampler.py +2 -22
- paddlex/inference/common/reader/__init__.py +4 -4
- paddlex/inference/common/reader/audio_reader.py +3 -3
- paddlex/inference/common/reader/det_3d_reader.py +7 -5
- paddlex/inference/common/reader/image_reader.py +16 -12
- paddlex/inference/common/reader/ts_reader.py +3 -2
- paddlex/inference/common/reader/video_reader.py +3 -3
- paddlex/inference/common/result/__init__.py +7 -7
- paddlex/inference/common/result/base_cv_result.py +12 -2
- paddlex/inference/common/result/base_result.py +7 -5
- paddlex/inference/common/result/base_ts_result.py +1 -2
- paddlex/inference/common/result/base_video_result.py +2 -2
- paddlex/inference/common/result/mixin.py +12 -13
- paddlex/inference/models/__init__.py +41 -85
- paddlex/inference/models/anomaly_detection/__init__.py +1 -1
- paddlex/inference/models/anomaly_detection/predictor.py +9 -19
- paddlex/inference/models/anomaly_detection/processors.py +9 -2
- paddlex/inference/models/anomaly_detection/result.py +3 -2
- paddlex/inference/models/base/__init__.py +2 -2
- paddlex/inference/models/base/predictor/__init__.py +1 -2
- paddlex/inference/models/base/predictor/base_predictor.py +284 -39
- paddlex/inference/models/common/__init__.py +6 -15
- paddlex/inference/models/common/static_infer.py +764 -243
- paddlex/inference/models/common/tokenizer/__init__.py +5 -3
- paddlex/inference/models/common/tokenizer/bert_tokenizer.py +1 -1
- paddlex/inference/models/common/tokenizer/clip_tokenizer.py +609 -0
- paddlex/inference/models/common/tokenizer/gpt_tokenizer.py +7 -5
- paddlex/inference/models/common/tokenizer/qwen2_tokenizer.py +432 -0
- paddlex/inference/models/common/tokenizer/tokenizer_utils.py +72 -64
- paddlex/inference/models/common/tokenizer/tokenizer_utils_base.py +337 -121
- paddlex/inference/models/common/tokenizer/utils.py +1 -1
- paddlex/inference/models/common/tokenizer/vocab.py +1 -1
- paddlex/inference/models/common/ts/__init__.py +1 -1
- paddlex/inference/models/common/ts/funcs.py +13 -6
- paddlex/inference/models/common/ts/processors.py +14 -5
- paddlex/inference/models/common/vision/__init__.py +3 -3
- paddlex/inference/models/common/vision/funcs.py +17 -12
- paddlex/inference/models/common/vision/processors.py +61 -46
- paddlex/inference/models/common/vlm/__init__.py +13 -0
- paddlex/inference/models/common/vlm/activations.py +189 -0
- paddlex/inference/models/common/vlm/bert_padding.py +127 -0
- paddlex/inference/models/common/vlm/distributed.py +229 -0
- paddlex/inference/models/common/vlm/flash_attn_utils.py +119 -0
- paddlex/inference/models/common/vlm/generation/__init__.py +34 -0
- paddlex/inference/models/common/vlm/generation/configuration_utils.py +533 -0
- paddlex/inference/models/common/vlm/generation/logits_process.py +730 -0
- paddlex/inference/models/common/vlm/generation/stopping_criteria.py +106 -0
- paddlex/inference/models/common/vlm/generation/utils.py +2162 -0
- paddlex/inference/models/common/vlm/transformers/__init__.py +16 -0
- paddlex/inference/models/common/vlm/transformers/configuration_utils.py +1037 -0
- paddlex/inference/models/common/vlm/transformers/conversion_utils.py +408 -0
- paddlex/inference/models/common/vlm/transformers/model_outputs.py +1612 -0
- paddlex/inference/models/common/vlm/transformers/model_utils.py +2038 -0
- paddlex/inference/models/common/vlm/transformers/utils.py +178 -0
- paddlex/inference/models/common/vlm/utils.py +109 -0
- paddlex/inference/models/doc_vlm/__init__.py +15 -0
- paddlex/inference/models/doc_vlm/modeling/__init__.py +15 -0
- paddlex/inference/models/doc_vlm/modeling/qwen2_vl.py +2600 -0
- paddlex/inference/models/doc_vlm/predictor.py +198 -0
- paddlex/inference/models/doc_vlm/processors/__init__.py +15 -0
- paddlex/inference/models/doc_vlm/processors/common.py +372 -0
- paddlex/inference/models/doc_vlm/processors/qwen2_vl.py +698 -0
- paddlex/inference/models/doc_vlm/result.py +21 -0
- paddlex/inference/models/face_feature/__init__.py +1 -1
- paddlex/inference/models/face_feature/predictor.py +2 -1
- paddlex/inference/models/formula_recognition/__init__.py +1 -1
- paddlex/inference/models/formula_recognition/predictor.py +11 -27
- paddlex/inference/models/formula_recognition/processors.py +35 -19
- paddlex/inference/models/formula_recognition/result.py +19 -12
- paddlex/inference/models/image_classification/__init__.py +1 -1
- paddlex/inference/models/image_classification/predictor.py +9 -19
- paddlex/inference/models/image_classification/processors.py +4 -2
- paddlex/inference/models/image_classification/result.py +4 -3
- paddlex/inference/models/image_feature/__init__.py +1 -1
- paddlex/inference/models/image_feature/predictor.py +9 -19
- paddlex/inference/models/image_feature/processors.py +4 -1
- paddlex/inference/models/image_feature/result.py +2 -3
- paddlex/inference/models/image_multilabel_classification/__init__.py +1 -1
- paddlex/inference/models/image_multilabel_classification/predictor.py +7 -6
- paddlex/inference/models/image_multilabel_classification/processors.py +6 -2
- paddlex/inference/models/image_multilabel_classification/result.py +4 -3
- paddlex/inference/models/image_unwarping/__init__.py +1 -1
- paddlex/inference/models/image_unwarping/predictor.py +8 -16
- paddlex/inference/models/image_unwarping/processors.py +6 -2
- paddlex/inference/models/image_unwarping/result.py +4 -2
- paddlex/inference/models/instance_segmentation/__init__.py +1 -1
- paddlex/inference/models/instance_segmentation/predictor.py +7 -15
- paddlex/inference/models/instance_segmentation/processors.py +4 -7
- paddlex/inference/models/instance_segmentation/result.py +11 -10
- paddlex/inference/models/keypoint_detection/__init__.py +1 -1
- paddlex/inference/models/keypoint_detection/predictor.py +2 -3
- paddlex/inference/models/keypoint_detection/processors.py +11 -3
- paddlex/inference/models/keypoint_detection/result.py +9 -4
- paddlex/inference/models/{3d_bev_detection → m_3d_bev_detection}/__init__.py +1 -1
- paddlex/inference/models/{3d_bev_detection → m_3d_bev_detection}/predictor.py +15 -26
- paddlex/inference/models/{3d_bev_detection → m_3d_bev_detection}/processors.py +26 -14
- paddlex/inference/models/{3d_bev_detection → m_3d_bev_detection}/result.py +15 -12
- paddlex/inference/models/{3d_bev_detection → m_3d_bev_detection}/visualizer_3d.py +77 -39
- paddlex/inference/models/multilingual_speech_recognition/__init__.py +1 -1
- paddlex/inference/models/multilingual_speech_recognition/predictor.py +11 -15
- paddlex/inference/models/multilingual_speech_recognition/processors.py +45 -53
- paddlex/inference/models/multilingual_speech_recognition/result.py +1 -1
- paddlex/inference/models/object_detection/__init__.py +1 -1
- paddlex/inference/models/object_detection/predictor.py +6 -12
- paddlex/inference/models/object_detection/processors.py +36 -31
- paddlex/inference/models/object_detection/result.py +5 -4
- paddlex/inference/models/object_detection/utils.py +1 -1
- paddlex/inference/models/open_vocabulary_detection/__init__.py +1 -1
- paddlex/inference/models/open_vocabulary_detection/predictor.py +31 -14
- paddlex/inference/models/open_vocabulary_detection/processors/__init__.py +3 -2
- paddlex/inference/models/open_vocabulary_detection/processors/common.py +114 -0
- paddlex/inference/models/open_vocabulary_detection/processors/groundingdino_processors.py +19 -8
- paddlex/inference/models/open_vocabulary_detection/processors/yoloworld_processors.py +209 -0
- paddlex/inference/models/open_vocabulary_segmentation/__init__.py +1 -1
- paddlex/inference/models/open_vocabulary_segmentation/predictor.py +6 -13
- paddlex/inference/models/open_vocabulary_segmentation/processors/__init__.py +1 -1
- paddlex/inference/models/open_vocabulary_segmentation/processors/sam_processer.py +12 -12
- paddlex/inference/models/open_vocabulary_segmentation/results/__init__.py +1 -1
- paddlex/inference/models/open_vocabulary_segmentation/results/sam_result.py +11 -9
- paddlex/inference/models/semantic_segmentation/__init__.py +1 -1
- paddlex/inference/models/semantic_segmentation/predictor.py +9 -18
- paddlex/inference/models/semantic_segmentation/processors.py +11 -8
- paddlex/inference/models/semantic_segmentation/result.py +4 -3
- paddlex/inference/models/table_structure_recognition/__init__.py +1 -1
- paddlex/inference/models/table_structure_recognition/predictor.py +8 -18
- paddlex/inference/models/table_structure_recognition/processors.py +23 -29
- paddlex/inference/models/table_structure_recognition/result.py +9 -6
- paddlex/inference/models/text_detection/__init__.py +1 -1
- paddlex/inference/models/text_detection/predictor.py +16 -24
- paddlex/inference/models/text_detection/processors.py +74 -36
- paddlex/inference/models/text_detection/result.py +9 -4
- paddlex/inference/models/text_recognition/__init__.py +1 -1
- paddlex/inference/models/text_recognition/predictor.py +11 -19
- paddlex/inference/models/text_recognition/processors.py +27 -13
- paddlex/inference/models/text_recognition/result.py +3 -2
- paddlex/inference/models/ts_anomaly_detection/__init__.py +1 -1
- paddlex/inference/models/ts_anomaly_detection/predictor.py +12 -17
- paddlex/inference/models/ts_anomaly_detection/processors.py +6 -2
- paddlex/inference/models/ts_anomaly_detection/result.py +21 -10
- paddlex/inference/models/ts_classification/__init__.py +1 -1
- paddlex/inference/models/ts_classification/predictor.py +14 -27
- paddlex/inference/models/ts_classification/processors.py +7 -2
- paddlex/inference/models/ts_classification/result.py +21 -12
- paddlex/inference/models/ts_forecasting/__init__.py +1 -1
- paddlex/inference/models/ts_forecasting/predictor.py +13 -18
- paddlex/inference/models/ts_forecasting/processors.py +12 -3
- paddlex/inference/models/ts_forecasting/result.py +24 -11
- paddlex/inference/models/video_classification/__init__.py +1 -1
- paddlex/inference/models/video_classification/predictor.py +9 -15
- paddlex/inference/models/video_classification/processors.py +24 -24
- paddlex/inference/models/video_classification/result.py +7 -3
- paddlex/inference/models/video_detection/__init__.py +1 -1
- paddlex/inference/models/video_detection/predictor.py +8 -15
- paddlex/inference/models/video_detection/processors.py +24 -11
- paddlex/inference/models/video_detection/result.py +10 -5
- paddlex/inference/pipelines/__init__.py +44 -37
- paddlex/inference/pipelines/anomaly_detection/__init__.py +1 -1
- paddlex/inference/pipelines/anomaly_detection/pipeline.py +16 -6
- paddlex/inference/pipelines/attribute_recognition/__init__.py +1 -1
- paddlex/inference/pipelines/attribute_recognition/pipeline.py +13 -8
- paddlex/inference/pipelines/attribute_recognition/result.py +10 -8
- paddlex/inference/pipelines/base.py +31 -11
- paddlex/inference/pipelines/components/__init__.py +14 -8
- paddlex/inference/pipelines/components/chat_server/__init__.py +1 -1
- paddlex/inference/pipelines/components/chat_server/base.py +2 -2
- paddlex/inference/pipelines/components/chat_server/openai_bot_chat.py +8 -8
- paddlex/inference/pipelines/components/common/__init__.py +5 -4
- paddlex/inference/pipelines/components/common/base_operator.py +2 -1
- paddlex/inference/pipelines/components/common/base_result.py +3 -2
- paddlex/inference/pipelines/components/common/convert_points_and_boxes.py +1 -2
- paddlex/inference/pipelines/components/common/crop_image_regions.py +11 -5
- paddlex/inference/pipelines/components/common/seal_det_warp.py +44 -13
- paddlex/inference/pipelines/components/common/sort_boxes.py +4 -2
- paddlex/inference/pipelines/components/common/warp_image.py +50 -0
- paddlex/inference/pipelines/components/faisser.py +9 -4
- paddlex/inference/pipelines/components/prompt_engineering/__init__.py +2 -2
- paddlex/inference/pipelines/components/prompt_engineering/base.py +2 -2
- paddlex/inference/pipelines/components/prompt_engineering/generate_ensemble_prompt.py +2 -1
- paddlex/inference/pipelines/components/prompt_engineering/generate_kie_prompt.py +2 -2
- paddlex/inference/pipelines/components/retriever/__init__.py +2 -2
- paddlex/inference/pipelines/components/retriever/base.py +18 -16
- paddlex/inference/pipelines/components/retriever/openai_bot_retriever.py +2 -2
- paddlex/inference/pipelines/components/retriever/qianfan_bot_retriever.py +87 -84
- paddlex/inference/pipelines/components/utils/__init__.py +1 -1
- paddlex/inference/pipelines/components/utils/mixin.py +7 -7
- paddlex/inference/pipelines/doc_preprocessor/__init__.py +1 -1
- paddlex/inference/pipelines/doc_preprocessor/pipeline.py +21 -28
- paddlex/inference/pipelines/doc_preprocessor/result.py +5 -10
- paddlex/inference/pipelines/doc_understanding/__init__.py +15 -0
- paddlex/inference/pipelines/doc_understanding/pipeline.py +71 -0
- paddlex/inference/pipelines/face_recognition/__init__.py +1 -1
- paddlex/inference/pipelines/face_recognition/pipeline.py +3 -1
- paddlex/inference/pipelines/face_recognition/result.py +3 -2
- paddlex/inference/pipelines/formula_recognition/__init__.py +1 -1
- paddlex/inference/pipelines/formula_recognition/pipeline.py +22 -16
- paddlex/inference/pipelines/formula_recognition/result.py +20 -19
- paddlex/inference/pipelines/image_classification/__init__.py +1 -1
- paddlex/inference/pipelines/image_classification/pipeline.py +17 -8
- paddlex/inference/pipelines/image_multilabel_classification/__init__.py +1 -1
- paddlex/inference/pipelines/image_multilabel_classification/pipeline.py +18 -9
- paddlex/inference/pipelines/instance_segmentation/__init__.py +1 -1
- paddlex/inference/pipelines/instance_segmentation/pipeline.py +17 -6
- paddlex/inference/pipelines/keypoint_detection/__init__.py +1 -1
- paddlex/inference/pipelines/keypoint_detection/pipeline.py +17 -6
- paddlex/inference/pipelines/layout_parsing/__init__.py +1 -1
- paddlex/inference/pipelines/layout_parsing/pipeline.py +23 -12
- paddlex/inference/pipelines/layout_parsing/pipeline_v2.py +16 -6
- paddlex/inference/pipelines/layout_parsing/result.py +5 -4
- paddlex/inference/pipelines/layout_parsing/result_v2.py +5 -8
- paddlex/inference/pipelines/layout_parsing/utils.py +7 -8
- paddlex/inference/pipelines/{3d_bev_detection → m_3d_bev_detection}/__init__.py +1 -1
- paddlex/inference/pipelines/{3d_bev_detection → m_3d_bev_detection}/pipeline.py +17 -10
- paddlex/inference/pipelines/multilingual_speech_recognition/__init__.py +1 -1
- paddlex/inference/pipelines/multilingual_speech_recognition/pipeline.py +17 -6
- paddlex/inference/pipelines/object_detection/__init__.py +1 -1
- paddlex/inference/pipelines/object_detection/pipeline.py +16 -6
- paddlex/inference/pipelines/ocr/__init__.py +1 -1
- paddlex/inference/pipelines/ocr/pipeline.py +28 -11
- paddlex/inference/pipelines/ocr/result.py +13 -9
- paddlex/inference/pipelines/open_vocabulary_detection/__init__.py +1 -1
- paddlex/inference/pipelines/open_vocabulary_detection/pipeline.py +17 -6
- paddlex/inference/pipelines/open_vocabulary_segmentation/__init__.py +1 -1
- paddlex/inference/pipelines/open_vocabulary_segmentation/pipeline.py +17 -6
- paddlex/inference/pipelines/pp_chatocr/__init__.py +1 -1
- paddlex/inference/pipelines/pp_chatocr/pipeline_base.py +14 -5
- paddlex/inference/pipelines/pp_chatocr/pipeline_v3.py +22 -11
- paddlex/inference/pipelines/pp_chatocr/pipeline_v4.py +31 -13
- paddlex/inference/pipelines/pp_shitu_v2/__init__.py +1 -1
- paddlex/inference/pipelines/pp_shitu_v2/pipeline.py +12 -8
- paddlex/inference/pipelines/pp_shitu_v2/result.py +4 -4
- paddlex/inference/pipelines/rotated_object_detection/__init__.py +1 -1
- paddlex/inference/pipelines/rotated_object_detection/pipeline.py +17 -6
- paddlex/inference/pipelines/seal_recognition/__init__.py +1 -1
- paddlex/inference/pipelines/seal_recognition/pipeline.py +21 -13
- paddlex/inference/pipelines/seal_recognition/result.py +4 -2
- paddlex/inference/pipelines/semantic_segmentation/__init__.py +1 -1
- paddlex/inference/pipelines/semantic_segmentation/pipeline.py +17 -6
- paddlex/inference/pipelines/small_object_detection/__init__.py +1 -1
- paddlex/inference/pipelines/small_object_detection/pipeline.py +17 -6
- paddlex/inference/pipelines/table_recognition/__init__.py +1 -1
- paddlex/inference/pipelines/table_recognition/pipeline.py +41 -25
- paddlex/inference/pipelines/table_recognition/pipeline_v2.py +65 -33
- paddlex/inference/pipelines/table_recognition/result.py +11 -9
- paddlex/inference/pipelines/table_recognition/table_recognition_post_processing.py +12 -8
- paddlex/inference/pipelines/table_recognition/table_recognition_post_processing_v2.py +46 -32
- paddlex/inference/pipelines/table_recognition/utils.py +1 -1
- paddlex/inference/pipelines/ts_anomaly_detection/__init__.py +1 -1
- paddlex/inference/pipelines/ts_anomaly_detection/pipeline.py +16 -6
- paddlex/inference/pipelines/ts_classification/__init__.py +1 -1
- paddlex/inference/pipelines/ts_classification/pipeline.py +16 -6
- paddlex/inference/pipelines/ts_forecasting/__init__.py +1 -1
- paddlex/inference/pipelines/ts_forecasting/pipeline.py +16 -6
- paddlex/inference/pipelines/video_classification/__init__.py +1 -1
- paddlex/inference/pipelines/video_classification/pipeline.py +17 -6
- paddlex/inference/pipelines/video_detection/__init__.py +1 -1
- paddlex/inference/pipelines/video_detection/pipeline.py +20 -7
- paddlex/inference/serving/__init__.py +5 -1
- paddlex/inference/serving/basic_serving/__init__.py +1 -1
- paddlex/inference/serving/basic_serving/_app.py +31 -19
- paddlex/inference/serving/basic_serving/_pipeline_apps/__init__.py +7 -4
- paddlex/inference/serving/basic_serving/_pipeline_apps/_common/__init__.py +1 -1
- paddlex/inference/serving/basic_serving/_pipeline_apps/_common/common.py +7 -3
- paddlex/inference/serving/basic_serving/_pipeline_apps/_common/image_recognition.py +1 -1
- paddlex/inference/serving/basic_serving/_pipeline_apps/_common/ocr.py +7 -2
- paddlex/inference/serving/basic_serving/_pipeline_apps/anomaly_detection.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/doc_preprocessor.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/doc_understanding.py +153 -0
- paddlex/inference/serving/basic_serving/_pipeline_apps/face_recognition.py +16 -13
- paddlex/inference/serving/basic_serving/_pipeline_apps/formula_recognition.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/human_keypoint_detection.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/image_classification.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/image_multilabel_classification.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/instance_segmentation.py +13 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/layout_parsing.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/m_3d_bev_detection.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/multilingual_speech_recognition.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/object_detection.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/ocr.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/open_vocabulary_detection.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/open_vocabulary_segmentation.py +13 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/pedestrian_attribute_recognition.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/pp_chatocrv3_doc.py +14 -11
- paddlex/inference/serving/basic_serving/_pipeline_apps/pp_chatocrv4_doc.py +16 -13
- paddlex/inference/serving/basic_serving/_pipeline_apps/pp_shituv2.py +16 -13
- paddlex/inference/serving/basic_serving/_pipeline_apps/pp_structurev3.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/rotated_object_detection.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/seal_recognition.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/semantic_segmentation.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/small_object_detection.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/table_recognition.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/table_recognition_v2.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/ts_anomaly_detection.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/ts_classification.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/ts_forecast.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/vehicle_attribute_recognition.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/video_classification.py +10 -7
- paddlex/inference/serving/basic_serving/_pipeline_apps/video_detection.py +10 -7
- paddlex/inference/serving/basic_serving/_server.py +9 -4
- paddlex/inference/serving/infra/__init__.py +1 -1
- paddlex/inference/serving/infra/config.py +1 -1
- paddlex/inference/serving/infra/models.py +13 -6
- paddlex/inference/serving/infra/storage.py +9 -4
- paddlex/inference/serving/infra/utils.py +37 -9
- paddlex/inference/serving/schemas/__init__.py +1 -1
- paddlex/inference/serving/schemas/anomaly_detection.py +1 -1
- paddlex/inference/serving/schemas/doc_preprocessor.py +1 -1
- paddlex/inference/serving/schemas/doc_understanding.py +78 -0
- paddlex/inference/serving/schemas/face_recognition.py +1 -1
- paddlex/inference/serving/schemas/formula_recognition.py +1 -1
- paddlex/inference/serving/schemas/human_keypoint_detection.py +1 -1
- paddlex/inference/serving/schemas/image_classification.py +1 -1
- paddlex/inference/serving/schemas/image_multilabel_classification.py +1 -1
- paddlex/inference/serving/schemas/instance_segmentation.py +1 -1
- paddlex/inference/serving/schemas/layout_parsing.py +1 -1
- paddlex/inference/serving/schemas/m_3d_bev_detection.py +1 -1
- paddlex/inference/serving/schemas/multilingual_speech_recognition.py +1 -1
- paddlex/inference/serving/schemas/object_detection.py +1 -1
- paddlex/inference/serving/schemas/ocr.py +1 -1
- paddlex/inference/serving/schemas/open_vocabulary_detection.py +1 -1
- paddlex/inference/serving/schemas/open_vocabulary_segmentation.py +1 -1
- paddlex/inference/serving/schemas/pedestrian_attribute_recognition.py +1 -1
- paddlex/inference/serving/schemas/pp_chatocrv3_doc.py +1 -1
- paddlex/inference/serving/schemas/pp_chatocrv4_doc.py +1 -1
- paddlex/inference/serving/schemas/pp_shituv2.py +1 -1
- paddlex/inference/serving/schemas/pp_structurev3.py +1 -1
- paddlex/inference/serving/schemas/rotated_object_detection.py +1 -1
- paddlex/inference/serving/schemas/seal_recognition.py +1 -1
- paddlex/inference/serving/schemas/semantic_segmentation.py +1 -1
- paddlex/inference/serving/schemas/shared/__init__.py +1 -1
- paddlex/inference/serving/schemas/shared/classification.py +1 -1
- paddlex/inference/serving/schemas/shared/image_segmentation.py +1 -1
- paddlex/inference/serving/schemas/shared/object_detection.py +1 -1
- paddlex/inference/serving/schemas/shared/ocr.py +1 -1
- paddlex/inference/serving/schemas/small_object_detection.py +1 -1
- paddlex/inference/serving/schemas/table_recognition.py +1 -1
- paddlex/inference/serving/schemas/table_recognition_v2.py +1 -1
- paddlex/inference/serving/schemas/ts_anomaly_detection.py +1 -1
- paddlex/inference/serving/schemas/ts_classification.py +1 -1
- paddlex/inference/serving/schemas/ts_forecast.py +1 -1
- paddlex/inference/serving/schemas/vehicle_attribute_recognition.py +1 -1
- paddlex/inference/serving/schemas/video_classification.py +1 -1
- paddlex/inference/serving/schemas/video_detection.py +1 -1
- paddlex/inference/utils/__init__.py +1 -1
- paddlex/inference/utils/benchmark.py +332 -179
- paddlex/inference/utils/color_map.py +1 -1
- paddlex/inference/utils/get_pipeline_path.py +1 -1
- paddlex/inference/utils/hpi.py +251 -0
- paddlex/inference/utils/hpi_model_info_collection.json +2252 -0
- paddlex/inference/utils/io/__init__.py +11 -11
- paddlex/inference/utils/io/readers.py +22 -18
- paddlex/inference/utils/io/style.py +21 -14
- paddlex/inference/utils/io/tablepyxl.py +13 -5
- paddlex/inference/utils/io/writers.py +9 -10
- paddlex/inference/utils/model_paths.py +48 -0
- paddlex/inference/utils/{new_ir_blacklist.py → new_ir_blocklist.py} +1 -2
- paddlex/inference/utils/official_models.py +264 -262
- paddlex/inference/utils/pp_option.py +164 -93
- paddlex/inference/utils/trt_blocklist.py +43 -0
- paddlex/inference/utils/trt_config.py +420 -0
- paddlex/model.py +28 -10
- paddlex/modules/__init__.py +57 -80
- paddlex/modules/anomaly_detection/__init__.py +2 -2
- paddlex/modules/anomaly_detection/dataset_checker/__init__.py +2 -3
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/analyse_dataset.py +6 -3
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/check_dataset.py +8 -4
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/convert_dataset.py +7 -4
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/split_dataset.py +2 -2
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/utils/__init__.py +1 -1
- paddlex/modules/anomaly_detection/dataset_checker/dataset_src/utils/visualizer.py +7 -2
- paddlex/modules/anomaly_detection/evaluator.py +1 -1
- paddlex/modules/anomaly_detection/exportor.py +1 -1
- paddlex/modules/anomaly_detection/model_list.py +1 -1
- paddlex/modules/anomaly_detection/trainer.py +3 -4
- paddlex/modules/base/__init__.py +5 -5
- paddlex/modules/base/build_model.py +1 -2
- paddlex/modules/base/dataset_checker/__init__.py +2 -2
- paddlex/modules/base/dataset_checker/dataset_checker.py +4 -4
- paddlex/modules/base/dataset_checker/utils.py +1 -3
- paddlex/modules/base/evaluator.py +8 -8
- paddlex/modules/base/exportor.py +12 -13
- paddlex/modules/base/trainer.py +21 -11
- paddlex/modules/base/utils/__init__.py +13 -0
- paddlex/modules/base/utils/cinn_setting.py +89 -0
- paddlex/modules/base/utils/coco_eval.py +94 -0
- paddlex/modules/base/utils/topk_eval.py +118 -0
- paddlex/modules/doc_vlm/__init__.py +18 -0
- paddlex/modules/doc_vlm/dataset_checker.py +29 -0
- paddlex/modules/doc_vlm/evaluator.py +29 -0
- paddlex/modules/doc_vlm/exportor.py +29 -0
- paddlex/modules/doc_vlm/model_list.py +16 -0
- paddlex/modules/doc_vlm/trainer.py +41 -0
- paddlex/modules/face_recognition/__init__.py +2 -2
- paddlex/modules/face_recognition/dataset_checker/__init__.py +2 -2
- paddlex/modules/face_recognition/dataset_checker/dataset_src/__init__.py +1 -1
- paddlex/modules/face_recognition/dataset_checker/dataset_src/check_dataset.py +3 -5
- paddlex/modules/face_recognition/dataset_checker/dataset_src/utils/__init__.py +1 -1
- paddlex/modules/face_recognition/dataset_checker/dataset_src/utils/visualizer.py +2 -5
- paddlex/modules/face_recognition/evaluator.py +1 -1
- paddlex/modules/face_recognition/exportor.py +1 -1
- paddlex/modules/face_recognition/model_list.py +1 -1
- paddlex/modules/face_recognition/trainer.py +1 -1
- paddlex/modules/formula_recognition/__init__.py +2 -2
- paddlex/modules/formula_recognition/dataset_checker/__init__.py +3 -3
- paddlex/modules/formula_recognition/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/formula_recognition/dataset_checker/dataset_src/analyse_dataset.py +13 -12
- paddlex/modules/formula_recognition/dataset_checker/dataset_src/check_dataset.py +2 -6
- paddlex/modules/formula_recognition/dataset_checker/dataset_src/convert_dataset.py +11 -10
- paddlex/modules/formula_recognition/dataset_checker/dataset_src/split_dataset.py +1 -2
- paddlex/modules/formula_recognition/evaluator.py +1 -1
- paddlex/modules/formula_recognition/exportor.py +1 -1
- paddlex/modules/formula_recognition/model_list.py +1 -1
- paddlex/modules/formula_recognition/trainer.py +2 -3
- paddlex/modules/general_recognition/__init__.py +2 -2
- paddlex/modules/general_recognition/dataset_checker/__init__.py +2 -2
- paddlex/modules/general_recognition/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/general_recognition/dataset_checker/dataset_src/analyse_dataset.py +7 -9
- paddlex/modules/general_recognition/dataset_checker/dataset_src/check_dataset.py +4 -5
- paddlex/modules/general_recognition/dataset_checker/dataset_src/convert_dataset.py +6 -5
- paddlex/modules/general_recognition/dataset_checker/dataset_src/split_dataset.py +1 -1
- paddlex/modules/general_recognition/dataset_checker/dataset_src/utils/__init__.py +1 -1
- paddlex/modules/general_recognition/dataset_checker/dataset_src/utils/visualizer.py +2 -5
- paddlex/modules/general_recognition/evaluator.py +1 -1
- paddlex/modules/general_recognition/exportor.py +1 -1
- paddlex/modules/general_recognition/model_list.py +1 -1
- paddlex/modules/general_recognition/trainer.py +1 -1
- paddlex/modules/image_classification/__init__.py +2 -2
- paddlex/modules/image_classification/dataset_checker/__init__.py +2 -2
- paddlex/modules/image_classification/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/image_classification/dataset_checker/dataset_src/analyse_dataset.py +8 -9
- paddlex/modules/image_classification/dataset_checker/dataset_src/check_dataset.py +4 -3
- paddlex/modules/image_classification/dataset_checker/dataset_src/convert_dataset.py +4 -4
- paddlex/modules/image_classification/dataset_checker/dataset_src/split_dataset.py +1 -1
- paddlex/modules/image_classification/dataset_checker/dataset_src/utils/__init__.py +1 -1
- paddlex/modules/image_classification/dataset_checker/dataset_src/utils/visualizer.py +2 -5
- paddlex/modules/image_classification/evaluator.py +1 -1
- paddlex/modules/image_classification/exportor.py +1 -1
- paddlex/modules/image_classification/model_list.py +1 -1
- paddlex/modules/image_classification/trainer.py +3 -3
- paddlex/modules/image_unwarping/__init__.py +1 -1
- paddlex/modules/image_unwarping/model_list.py +1 -1
- paddlex/modules/instance_segmentation/__init__.py +2 -2
- paddlex/modules/instance_segmentation/dataset_checker/__init__.py +2 -3
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/analyse_dataset.py +9 -5
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/check_dataset.py +8 -5
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/convert_dataset.py +8 -8
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/split_dataset.py +7 -4
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/utils/__init__.py +1 -1
- paddlex/modules/instance_segmentation/dataset_checker/dataset_src/utils/visualizer.py +10 -8
- paddlex/modules/instance_segmentation/evaluator.py +1 -1
- paddlex/modules/instance_segmentation/exportor.py +1 -1
- paddlex/modules/instance_segmentation/model_list.py +1 -1
- paddlex/modules/instance_segmentation/trainer.py +1 -1
- paddlex/modules/keypoint_detection/__init__.py +2 -2
- paddlex/modules/keypoint_detection/dataset_checker/__init__.py +2 -2
- paddlex/modules/keypoint_detection/dataset_checker/dataset_src/__init__.py +1 -1
- paddlex/modules/keypoint_detection/dataset_checker/dataset_src/check_dataset.py +10 -5
- paddlex/modules/keypoint_detection/dataset_checker/dataset_src/utils/__init__.py +1 -1
- paddlex/modules/keypoint_detection/dataset_checker/dataset_src/utils/visualizer.py +8 -3
- paddlex/modules/keypoint_detection/evaluator.py +1 -1
- paddlex/modules/keypoint_detection/exportor.py +1 -1
- paddlex/modules/keypoint_detection/model_list.py +1 -1
- paddlex/modules/keypoint_detection/trainer.py +2 -2
- paddlex/modules/{3d_bev_detection → m_3d_bev_detection}/__init__.py +2 -2
- paddlex/modules/{3d_bev_detection → m_3d_bev_detection}/dataset_checker/__init__.py +3 -3
- paddlex/modules/{3d_bev_detection → m_3d_bev_detection}/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/{3d_bev_detection → m_3d_bev_detection}/dataset_checker/dataset_src/analyse_dataset.py +8 -8
- paddlex/modules/{3d_bev_detection → m_3d_bev_detection}/dataset_checker/dataset_src/check_dataset.py +1 -2
- paddlex/modules/{3d_bev_detection → m_3d_bev_detection}/evaluator.py +1 -1
- paddlex/modules/{3d_bev_detection → m_3d_bev_detection}/exportor.py +1 -1
- paddlex/modules/{3d_bev_detection → m_3d_bev_detection}/model_list.py +1 -1
- paddlex/modules/{3d_bev_detection → m_3d_bev_detection}/trainer.py +5 -7
- paddlex/modules/multilabel_classification/__init__.py +2 -2
- paddlex/modules/multilabel_classification/dataset_checker/__init__.py +2 -2
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/analyse_dataset.py +8 -9
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/check_dataset.py +4 -3
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/convert_dataset.py +10 -7
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/split_dataset.py +1 -1
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/utils/__init__.py +1 -1
- paddlex/modules/multilabel_classification/dataset_checker/dataset_src/utils/visualizer.py +1 -5
- paddlex/modules/multilabel_classification/evaluator.py +1 -1
- paddlex/modules/multilabel_classification/exportor.py +1 -1
- paddlex/modules/multilabel_classification/model_list.py +1 -1
- paddlex/modules/multilabel_classification/trainer.py +3 -3
- paddlex/modules/multilingual_speech_recognition/__init__.py +2 -2
- paddlex/modules/multilingual_speech_recognition/dataset_checker.py +3 -3
- paddlex/modules/multilingual_speech_recognition/evaluator.py +3 -3
- paddlex/modules/multilingual_speech_recognition/exportor.py +3 -3
- paddlex/modules/multilingual_speech_recognition/model_list.py +1 -1
- paddlex/modules/multilingual_speech_recognition/trainer.py +7 -5
- paddlex/modules/object_detection/__init__.py +2 -2
- paddlex/modules/object_detection/dataset_checker/__init__.py +2 -11
- paddlex/modules/object_detection/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/object_detection/dataset_checker/dataset_src/analyse_dataset.py +10 -8
- paddlex/modules/object_detection/dataset_checker/dataset_src/check_dataset.py +10 -5
- paddlex/modules/object_detection/dataset_checker/dataset_src/convert_dataset.py +13 -8
- paddlex/modules/object_detection/dataset_checker/dataset_src/split_dataset.py +8 -4
- paddlex/modules/object_detection/dataset_checker/dataset_src/utils/__init__.py +1 -1
- paddlex/modules/object_detection/dataset_checker/dataset_src/utils/visualizer.py +9 -8
- paddlex/modules/object_detection/evaluator.py +9 -4
- paddlex/modules/object_detection/exportor.py +1 -1
- paddlex/modules/object_detection/model_list.py +1 -1
- paddlex/modules/object_detection/trainer.py +4 -5
- paddlex/modules/open_vocabulary_detection/__init__.py +2 -2
- paddlex/modules/open_vocabulary_detection/dataset_checker.py +3 -3
- paddlex/modules/open_vocabulary_detection/evaluator.py +3 -3
- paddlex/modules/open_vocabulary_detection/exportor.py +3 -3
- paddlex/modules/open_vocabulary_detection/model_list.py +2 -4
- paddlex/modules/open_vocabulary_detection/trainer.py +7 -5
- paddlex/modules/open_vocabulary_segmentation/__init__.py +2 -2
- paddlex/modules/open_vocabulary_segmentation/dataset_checker.py +3 -3
- paddlex/modules/open_vocabulary_segmentation/evaluator.py +3 -3
- paddlex/modules/open_vocabulary_segmentation/exportor.py +3 -3
- paddlex/modules/open_vocabulary_segmentation/model_list.py +1 -1
- paddlex/modules/open_vocabulary_segmentation/trainer.py +7 -5
- paddlex/modules/semantic_segmentation/__init__.py +2 -2
- paddlex/modules/semantic_segmentation/dataset_checker/__init__.py +2 -3
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/analyse_dataset.py +6 -3
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/check_dataset.py +2 -2
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/convert_dataset.py +7 -4
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/split_dataset.py +2 -2
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/utils/__init__.py +1 -1
- paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/utils/visualizer.py +6 -2
- paddlex/modules/semantic_segmentation/evaluator.py +1 -1
- paddlex/modules/semantic_segmentation/exportor.py +1 -1
- paddlex/modules/semantic_segmentation/model_list.py +1 -1
- paddlex/modules/semantic_segmentation/trainer.py +3 -4
- paddlex/modules/table_recognition/__init__.py +2 -2
- paddlex/modules/table_recognition/dataset_checker/__init__.py +5 -5
- paddlex/modules/table_recognition/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/table_recognition/dataset_checker/dataset_src/analyse_dataset.py +3 -2
- paddlex/modules/table_recognition/dataset_checker/dataset_src/check_dataset.py +8 -7
- paddlex/modules/table_recognition/dataset_checker/dataset_src/split_dataset.py +2 -1
- paddlex/modules/table_recognition/evaluator.py +1 -1
- paddlex/modules/table_recognition/exportor.py +1 -1
- paddlex/modules/table_recognition/model_list.py +1 -1
- paddlex/modules/table_recognition/trainer.py +2 -5
- paddlex/modules/text_detection/__init__.py +2 -2
- paddlex/modules/text_detection/dataset_checker/__init__.py +4 -6
- paddlex/modules/text_detection/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/text_detection/dataset_checker/dataset_src/analyse_dataset.py +12 -9
- paddlex/modules/text_detection/dataset_checker/dataset_src/check_dataset.py +3 -3
- paddlex/modules/text_detection/dataset_checker/dataset_src/split_dataset.py +3 -3
- paddlex/modules/text_detection/evaluator.py +1 -1
- paddlex/modules/text_detection/exportor.py +1 -1
- paddlex/modules/text_detection/model_list.py +1 -1
- paddlex/modules/text_detection/trainer.py +2 -5
- paddlex/modules/text_recognition/__init__.py +2 -2
- paddlex/modules/text_recognition/dataset_checker/__init__.py +4 -5
- paddlex/modules/text_recognition/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/text_recognition/dataset_checker/dataset_src/analyse_dataset.py +13 -12
- paddlex/modules/text_recognition/dataset_checker/dataset_src/check_dataset.py +2 -5
- paddlex/modules/text_recognition/dataset_checker/dataset_src/convert_dataset.py +11 -10
- paddlex/modules/text_recognition/dataset_checker/dataset_src/split_dataset.py +1 -2
- paddlex/modules/text_recognition/evaluator.py +1 -1
- paddlex/modules/text_recognition/exportor.py +1 -1
- paddlex/modules/text_recognition/model_list.py +1 -1
- paddlex/modules/text_recognition/trainer.py +2 -3
- paddlex/modules/ts_anomaly_detection/__init__.py +2 -2
- paddlex/modules/ts_anomaly_detection/dataset_checker/__init__.py +4 -5
- paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/analyse_dataset.py +1 -9
- paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/check_dataset.py +2 -2
- paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/convert_dataset.py +2 -6
- paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/split_dataset.py +4 -4
- paddlex/modules/ts_anomaly_detection/evaluator.py +1 -1
- paddlex/modules/ts_anomaly_detection/exportor.py +2 -3
- paddlex/modules/ts_anomaly_detection/model_list.py +1 -1
- paddlex/modules/ts_anomaly_detection/trainer.py +8 -8
- paddlex/modules/ts_classification/__init__.py +2 -2
- paddlex/modules/ts_classification/dataset_checker/__init__.py +4 -5
- paddlex/modules/ts_classification/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/ts_classification/dataset_checker/dataset_src/analyse_dataset.py +8 -5
- paddlex/modules/ts_classification/dataset_checker/dataset_src/check_dataset.py +2 -2
- paddlex/modules/ts_classification/dataset_checker/dataset_src/convert_dataset.py +2 -6
- paddlex/modules/ts_classification/dataset_checker/dataset_src/split_dataset.py +4 -4
- paddlex/modules/ts_classification/evaluator.py +1 -1
- paddlex/modules/ts_classification/exportor.py +2 -3
- paddlex/modules/ts_classification/model_list.py +1 -1
- paddlex/modules/ts_classification/trainer.py +7 -7
- paddlex/modules/ts_forecast/__init__.py +2 -2
- paddlex/modules/ts_forecast/dataset_checker/__init__.py +4 -5
- paddlex/modules/ts_forecast/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/ts_forecast/dataset_checker/dataset_src/analyse_dataset.py +1 -9
- paddlex/modules/ts_forecast/dataset_checker/dataset_src/check_dataset.py +2 -2
- paddlex/modules/ts_forecast/dataset_checker/dataset_src/convert_dataset.py +2 -6
- paddlex/modules/ts_forecast/dataset_checker/dataset_src/split_dataset.py +4 -4
- paddlex/modules/ts_forecast/evaluator.py +1 -1
- paddlex/modules/ts_forecast/exportor.py +2 -3
- paddlex/modules/ts_forecast/model_list.py +1 -1
- paddlex/modules/ts_forecast/trainer.py +7 -7
- paddlex/modules/video_classification/__init__.py +2 -2
- paddlex/modules/video_classification/dataset_checker/__init__.py +2 -2
- paddlex/modules/video_classification/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/video_classification/dataset_checker/dataset_src/analyse_dataset.py +9 -9
- paddlex/modules/video_classification/dataset_checker/dataset_src/check_dataset.py +2 -3
- paddlex/modules/video_classification/dataset_checker/dataset_src/split_dataset.py +1 -1
- paddlex/modules/video_classification/evaluator.py +1 -1
- paddlex/modules/video_classification/exportor.py +1 -1
- paddlex/modules/video_classification/model_list.py +1 -1
- paddlex/modules/video_classification/trainer.py +3 -3
- paddlex/modules/video_detection/__init__.py +2 -2
- paddlex/modules/video_detection/dataset_checker/__init__.py +2 -2
- paddlex/modules/video_detection/dataset_checker/dataset_src/__init__.py +2 -2
- paddlex/modules/video_detection/dataset_checker/dataset_src/analyse_dataset.py +8 -9
- paddlex/modules/video_detection/dataset_checker/dataset_src/check_dataset.py +3 -5
- paddlex/modules/video_detection/evaluator.py +1 -1
- paddlex/modules/video_detection/exportor.py +1 -1
- paddlex/modules/video_detection/model_list.py +1 -1
- paddlex/modules/video_detection/trainer.py +3 -3
- paddlex/ops/__init__.py +5 -2
- paddlex/ops/iou3d_nms/iou3d_cpu.cpp +8 -6
- paddlex/ops/iou3d_nms/iou3d_cpu.h +3 -2
- paddlex/ops/iou3d_nms/iou3d_nms.cpp +8 -6
- paddlex/ops/iou3d_nms/iou3d_nms.h +6 -4
- paddlex/ops/iou3d_nms/iou3d_nms_api.cpp +24 -18
- paddlex/ops/iou3d_nms/iou3d_nms_kernel.cu +9 -7
- paddlex/ops/setup.py +3 -3
- paddlex/ops/voxel/voxelize_op.cc +22 -19
- paddlex/ops/voxel/voxelize_op.cu +25 -25
- paddlex/paddlex_cli.py +86 -75
- paddlex/repo_apis/Paddle3D_api/__init__.py +1 -1
- paddlex/repo_apis/Paddle3D_api/bev_fusion/__init__.py +1 -1
- paddlex/repo_apis/Paddle3D_api/bev_fusion/config.py +1 -1
- paddlex/repo_apis/Paddle3D_api/bev_fusion/model.py +4 -4
- paddlex/repo_apis/Paddle3D_api/bev_fusion/register.py +2 -2
- paddlex/repo_apis/Paddle3D_api/bev_fusion/runner.py +1 -1
- paddlex/repo_apis/Paddle3D_api/pp3d_config.py +3 -2
- paddlex/repo_apis/PaddleClas_api/__init__.py +1 -1
- paddlex/repo_apis/PaddleClas_api/cls/__init__.py +3 -3
- paddlex/repo_apis/PaddleClas_api/cls/config.py +4 -3
- paddlex/repo_apis/PaddleClas_api/cls/model.py +3 -3
- paddlex/repo_apis/PaddleClas_api/cls/register.py +2 -3
- paddlex/repo_apis/PaddleClas_api/cls/runner.py +1 -2
- paddlex/repo_apis/PaddleClas_api/shitu_rec/__init__.py +2 -2
- paddlex/repo_apis/PaddleClas_api/shitu_rec/config.py +2 -2
- paddlex/repo_apis/PaddleClas_api/shitu_rec/model.py +1 -4
- paddlex/repo_apis/PaddleClas_api/shitu_rec/register.py +2 -2
- paddlex/repo_apis/PaddleClas_api/shitu_rec/runner.py +1 -6
- paddlex/repo_apis/PaddleDetection_api/__init__.py +2 -2
- paddlex/repo_apis/PaddleDetection_api/config_helper.py +3 -3
- paddlex/repo_apis/PaddleDetection_api/instance_seg/__init__.py +2 -2
- paddlex/repo_apis/PaddleDetection_api/instance_seg/config.py +2 -3
- paddlex/repo_apis/PaddleDetection_api/instance_seg/model.py +3 -3
- paddlex/repo_apis/PaddleDetection_api/instance_seg/register.py +2 -3
- paddlex/repo_apis/PaddleDetection_api/instance_seg/runner.py +1 -2
- paddlex/repo_apis/PaddleDetection_api/object_det/__init__.py +3 -3
- paddlex/repo_apis/PaddleDetection_api/object_det/config.py +4 -3
- paddlex/repo_apis/PaddleDetection_api/object_det/model.py +5 -6
- paddlex/repo_apis/PaddleDetection_api/object_det/official_categories.py +1 -1
- paddlex/repo_apis/PaddleDetection_api/object_det/register.py +2 -3
- paddlex/repo_apis/PaddleDetection_api/object_det/runner.py +1 -2
- paddlex/repo_apis/PaddleNLP_api/__init__.py +1 -1
- paddlex/repo_apis/PaddleOCR_api/__init__.py +4 -3
- paddlex/repo_apis/PaddleOCR_api/config_utils.py +1 -1
- paddlex/repo_apis/PaddleOCR_api/formula_rec/__init__.py +1 -1
- paddlex/repo_apis/PaddleOCR_api/formula_rec/config.py +4 -3
- paddlex/repo_apis/PaddleOCR_api/formula_rec/model.py +4 -4
- paddlex/repo_apis/PaddleOCR_api/formula_rec/register.py +2 -3
- paddlex/repo_apis/PaddleOCR_api/formula_rec/runner.py +1 -2
- paddlex/repo_apis/PaddleOCR_api/table_rec/__init__.py +1 -1
- paddlex/repo_apis/PaddleOCR_api/table_rec/config.py +1 -1
- paddlex/repo_apis/PaddleOCR_api/table_rec/model.py +3 -3
- paddlex/repo_apis/PaddleOCR_api/table_rec/register.py +2 -3
- paddlex/repo_apis/PaddleOCR_api/table_rec/runner.py +2 -2
- paddlex/repo_apis/PaddleOCR_api/text_det/__init__.py +1 -1
- paddlex/repo_apis/PaddleOCR_api/text_det/config.py +1 -1
- paddlex/repo_apis/PaddleOCR_api/text_det/model.py +3 -3
- paddlex/repo_apis/PaddleOCR_api/text_det/register.py +2 -3
- paddlex/repo_apis/PaddleOCR_api/text_det/runner.py +2 -2
- paddlex/repo_apis/PaddleOCR_api/text_rec/__init__.py +1 -1
- paddlex/repo_apis/PaddleOCR_api/text_rec/config.py +4 -3
- paddlex/repo_apis/PaddleOCR_api/text_rec/model.py +4 -4
- paddlex/repo_apis/PaddleOCR_api/text_rec/register.py +2 -3
- paddlex/repo_apis/PaddleOCR_api/text_rec/runner.py +1 -2
- paddlex/repo_apis/PaddleSeg_api/__init__.py +1 -1
- paddlex/repo_apis/PaddleSeg_api/base_seg_config.py +2 -2
- paddlex/repo_apis/PaddleSeg_api/seg/__init__.py +1 -1
- paddlex/repo_apis/PaddleSeg_api/seg/config.py +3 -6
- paddlex/repo_apis/PaddleSeg_api/seg/model.py +5 -5
- paddlex/repo_apis/PaddleSeg_api/seg/register.py +2 -3
- paddlex/repo_apis/PaddleSeg_api/seg/runner.py +1 -2
- paddlex/repo_apis/PaddleTS_api/__init__.py +4 -3
- paddlex/repo_apis/PaddleTS_api/ts_ad/__init__.py +1 -1
- paddlex/repo_apis/PaddleTS_api/ts_ad/config.py +2 -3
- paddlex/repo_apis/PaddleTS_api/ts_ad/register.py +2 -2
- paddlex/repo_apis/PaddleTS_api/ts_ad/runner.py +2 -2
- paddlex/repo_apis/PaddleTS_api/ts_base/__init__.py +1 -1
- paddlex/repo_apis/PaddleTS_api/ts_base/config.py +2 -4
- paddlex/repo_apis/PaddleTS_api/ts_base/model.py +4 -4
- paddlex/repo_apis/PaddleTS_api/ts_base/runner.py +2 -2
- paddlex/repo_apis/PaddleTS_api/ts_cls/__init__.py +1 -1
- paddlex/repo_apis/PaddleTS_api/ts_cls/config.py +2 -3
- paddlex/repo_apis/PaddleTS_api/ts_cls/register.py +2 -2
- paddlex/repo_apis/PaddleTS_api/ts_cls/runner.py +2 -2
- paddlex/repo_apis/PaddleTS_api/ts_fc/__init__.py +1 -1
- paddlex/repo_apis/PaddleTS_api/ts_fc/config.py +2 -3
- paddlex/repo_apis/PaddleTS_api/ts_fc/register.py +1 -1
- paddlex/repo_apis/PaddleVideo_api/__init__.py +1 -1
- paddlex/repo_apis/PaddleVideo_api/config_utils.py +1 -1
- paddlex/repo_apis/PaddleVideo_api/video_cls/__init__.py +3 -3
- paddlex/repo_apis/PaddleVideo_api/video_cls/config.py +4 -3
- paddlex/repo_apis/PaddleVideo_api/video_cls/model.py +3 -3
- paddlex/repo_apis/PaddleVideo_api/video_cls/register.py +2 -3
- paddlex/repo_apis/PaddleVideo_api/video_cls/runner.py +1 -2
- paddlex/repo_apis/PaddleVideo_api/video_det/__init__.py +3 -3
- paddlex/repo_apis/PaddleVideo_api/video_det/config.py +4 -3
- paddlex/repo_apis/PaddleVideo_api/video_det/model.py +4 -4
- paddlex/repo_apis/PaddleVideo_api/video_det/register.py +2 -3
- paddlex/repo_apis/PaddleVideo_api/video_det/runner.py +1 -2
- paddlex/repo_apis/__init__.py +1 -1
- paddlex/repo_apis/base/__init__.py +4 -5
- paddlex/repo_apis/base/config.py +2 -3
- paddlex/repo_apis/base/model.py +11 -19
- paddlex/repo_apis/base/register.py +1 -1
- paddlex/repo_apis/base/runner.py +11 -12
- paddlex/repo_apis/base/utils/__init__.py +1 -1
- paddlex/repo_apis/base/utils/arg.py +1 -1
- paddlex/repo_apis/base/utils/subprocess.py +1 -1
- paddlex/repo_manager/__init__.py +2 -9
- paddlex/repo_manager/core.py +9 -27
- paddlex/repo_manager/meta.py +37 -31
- paddlex/repo_manager/repo.py +169 -160
- paddlex/repo_manager/utils.py +13 -224
- paddlex/utils/__init__.py +1 -1
- paddlex/utils/cache.py +8 -10
- paddlex/utils/config.py +6 -5
- paddlex/utils/{custom_device_whitelist.py → custom_device_list.py} +29 -199
- paddlex/utils/deps.py +249 -0
- paddlex/utils/device.py +73 -29
- paddlex/utils/download.py +4 -4
- paddlex/utils/env.py +33 -7
- paddlex/utils/errors/__init__.py +1 -1
- paddlex/utils/errors/dataset_checker.py +1 -1
- paddlex/utils/errors/others.py +2 -16
- paddlex/utils/file_interface.py +4 -5
- paddlex/utils/flags.py +19 -12
- paddlex/utils/fonts/__init__.py +2 -1
- paddlex/utils/func_register.py +1 -1
- paddlex/utils/install.py +87 -0
- paddlex/utils/interactive_get_pipeline.py +3 -3
- paddlex/utils/lazy_loader.py +3 -3
- paddlex/utils/logging.py +10 -1
- paddlex/utils/misc.py +5 -5
- paddlex/utils/pipeline_arguments.py +15 -7
- paddlex/utils/result_saver.py +4 -5
- paddlex/utils/subclass_register.py +2 -4
- paddlex/version.py +2 -1
- {paddlex-3.0.0rc0.dist-info → paddlex-3.0.0rc1.dist-info}/METADATA +212 -73
- paddlex-3.0.0rc1.dist-info/RECORD +1068 -0
- {paddlex-3.0.0rc0.dist-info → paddlex-3.0.0rc1.dist-info}/WHEEL +1 -1
- paddlex/inference/models/base/predictor/basic_predictor.py +0 -139
- paddlex/paddle2onnx_requirements.txt +0 -1
- paddlex/repo_manager/requirements.txt +0 -21
- paddlex/serving_requirements.txt +0 -9
- paddlex-3.0.0rc0.dist-info/RECORD +0 -1015
- {paddlex-3.0.0rc0.dist-info → paddlex-3.0.0rc1.dist-info}/entry_points.txt +0 -0
- {paddlex-3.0.0rc0.dist-info → paddlex-3.0.0rc1.dist-info/licenses}/LICENSE +0 -0
- {paddlex-3.0.0rc0.dist-info → paddlex-3.0.0rc1.dist-info}/top_level.txt +0 -0
@@ -1,4 +1,4 @@
|
|
1
|
-
#
|
1
|
+
# Copyright (c) 2024 PaddlePaddle Authors. All Rights Reserved.
|
2
2
|
#
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
4
|
# you may not use this file except in compliance with the License.
|
@@ -14,18 +14,21 @@
|
|
14
14
|
|
15
15
|
from typing import Any, Dict, List
|
16
16
|
|
17
|
-
from
|
18
|
-
|
17
|
+
from .....utils.deps import function_requires_deps, is_dep_available
|
19
18
|
from ...infra import utils as serving_utils
|
20
19
|
from ...infra.config import AppConfig
|
21
|
-
from ...infra.models import
|
20
|
+
from ...infra.models import AIStudioResultResponse
|
22
21
|
from ...schemas import pp_chatocrv3_doc as schema
|
23
22
|
from .._app import create_app, primary_operation
|
24
23
|
from ._common import common
|
25
24
|
from ._common import ocr as ocr_common
|
26
25
|
|
26
|
+
if is_dep_available("fastapi"):
|
27
|
+
from fastapi import FastAPI
|
28
|
+
|
27
29
|
|
28
|
-
|
30
|
+
@function_requires_deps("fastapi")
|
31
|
+
def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> "FastAPI":
|
29
32
|
app, ctx = create_app(
|
30
33
|
pipeline=pipeline, app_config=app_config, app_aiohttp_session=True
|
31
34
|
)
|
@@ -39,7 +42,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
39
42
|
)
|
40
43
|
async def _analyze_images(
|
41
44
|
request: schema.AnalyzeImagesRequest,
|
42
|
-
) ->
|
45
|
+
) -> AIStudioResultResponse[schema.AnalyzeImagesResult]:
|
43
46
|
pipeline = ctx.pipeline
|
44
47
|
|
45
48
|
log_id = serving_utils.generate_log_id()
|
@@ -105,7 +108,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
105
108
|
)
|
106
109
|
visual_info.append(item["visual_info"])
|
107
110
|
|
108
|
-
return
|
111
|
+
return AIStudioResultResponse[schema.AnalyzeImagesResult](
|
109
112
|
logId=log_id,
|
110
113
|
result=schema.AnalyzeImagesResult(
|
111
114
|
layoutParsingResults=layout_parsing_results,
|
@@ -121,7 +124,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
121
124
|
)
|
122
125
|
async def _build_vector_store(
|
123
126
|
request: schema.BuildVectorStoreRequest,
|
124
|
-
) ->
|
127
|
+
) -> AIStudioResultResponse[schema.BuildVectorStoreResult]:
|
125
128
|
pipeline = ctx.pipeline
|
126
129
|
|
127
130
|
kwargs: Dict[str, Any] = {
|
@@ -139,7 +142,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
139
142
|
**kwargs,
|
140
143
|
)
|
141
144
|
|
142
|
-
return
|
145
|
+
return AIStudioResultResponse[schema.BuildVectorStoreResult](
|
143
146
|
logId=serving_utils.generate_log_id(),
|
144
147
|
result=schema.BuildVectorStoreResult(vectorInfo=vector_info),
|
145
148
|
)
|
@@ -151,7 +154,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
151
154
|
)
|
152
155
|
async def _chat(
|
153
156
|
request: schema.ChatRequest,
|
154
|
-
) ->
|
157
|
+
) -> AIStudioResultResponse[schema.ChatResult]:
|
155
158
|
pipeline = ctx.pipeline
|
156
159
|
|
157
160
|
kwargs: Dict[str, Any] = dict(
|
@@ -181,7 +184,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
181
184
|
**kwargs,
|
182
185
|
)
|
183
186
|
|
184
|
-
return
|
187
|
+
return AIStudioResultResponse[schema.ChatResult](
|
185
188
|
logId=serving_utils.generate_log_id(),
|
186
189
|
result=schema.ChatResult(
|
187
190
|
chatResult=result["chat_res"],
|
@@ -1,4 +1,4 @@
|
|
1
|
-
#
|
1
|
+
# Copyright (c) 2024 PaddlePaddle Authors. All Rights Reserved.
|
2
2
|
#
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
4
|
# you may not use this file except in compliance with the License.
|
@@ -14,18 +14,21 @@
|
|
14
14
|
|
15
15
|
from typing import Any, Dict, List
|
16
16
|
|
17
|
-
from
|
18
|
-
|
17
|
+
from .....utils.deps import function_requires_deps, is_dep_available
|
19
18
|
from ...infra import utils as serving_utils
|
20
19
|
from ...infra.config import AppConfig
|
21
|
-
from ...infra.models import
|
20
|
+
from ...infra.models import AIStudioResultResponse
|
22
21
|
from ...schemas import pp_chatocrv4_doc as schema
|
23
22
|
from .._app import create_app, primary_operation
|
24
23
|
from ._common import common
|
25
24
|
from ._common import ocr as ocr_common
|
26
25
|
|
26
|
+
if is_dep_available("fastapi"):
|
27
|
+
from fastapi import FastAPI
|
28
|
+
|
27
29
|
|
28
|
-
|
30
|
+
@function_requires_deps("fastapi")
|
31
|
+
def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> "FastAPI":
|
29
32
|
app, ctx = create_app(
|
30
33
|
pipeline=pipeline, app_config=app_config, app_aiohttp_session=True
|
31
34
|
)
|
@@ -39,7 +42,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
39
42
|
)
|
40
43
|
async def _analyze_images(
|
41
44
|
request: schema.AnalyzeImagesRequest,
|
42
|
-
) ->
|
45
|
+
) -> AIStudioResultResponse[schema.AnalyzeImagesResult]:
|
43
46
|
pipeline = ctx.pipeline
|
44
47
|
|
45
48
|
log_id = serving_utils.generate_log_id()
|
@@ -105,7 +108,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
105
108
|
)
|
106
109
|
visual_info.append(item["visual_info"])
|
107
110
|
|
108
|
-
return
|
111
|
+
return AIStudioResultResponse[schema.AnalyzeImagesResult](
|
109
112
|
logId=log_id,
|
110
113
|
result=schema.AnalyzeImagesResult(
|
111
114
|
layoutParsingResults=layout_parsing_results,
|
@@ -121,7 +124,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
121
124
|
)
|
122
125
|
async def _build_vector_store(
|
123
126
|
request: schema.BuildVectorStoreRequest,
|
124
|
-
) ->
|
127
|
+
) -> AIStudioResultResponse[schema.BuildVectorStoreResult]:
|
125
128
|
pipeline = ctx.pipeline
|
126
129
|
|
127
130
|
kwargs: Dict[str, Any] = {
|
@@ -139,7 +142,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
139
142
|
**kwargs,
|
140
143
|
)
|
141
144
|
|
142
|
-
return
|
145
|
+
return AIStudioResultResponse[schema.BuildVectorStoreResult](
|
143
146
|
logId=serving_utils.generate_log_id(),
|
144
147
|
result=schema.BuildVectorStoreResult(vectorInfo=vector_info),
|
145
148
|
)
|
@@ -151,7 +154,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
151
154
|
)
|
152
155
|
async def _invoke_mllm(
|
153
156
|
request: schema.InvokeMLLMRequest,
|
154
|
-
) ->
|
157
|
+
) -> AIStudioResultResponse[schema.InvokeMLLMResult]:
|
155
158
|
pipeline = ctx.pipeline
|
156
159
|
aiohttp_session = ctx.aiohttp_session
|
157
160
|
|
@@ -167,7 +170,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
167
170
|
mllm_chat_bot_config=request.mllmChatBotConfig,
|
168
171
|
)
|
169
172
|
|
170
|
-
return
|
173
|
+
return AIStudioResultResponse[schema.InvokeMLLMResult](
|
171
174
|
logId=serving_utils.generate_log_id(),
|
172
175
|
result=schema.InvokeMLLMResult(mllmPredictInfo=mllm_predict_info),
|
173
176
|
)
|
@@ -179,7 +182,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
179
182
|
)
|
180
183
|
async def _chat(
|
181
184
|
request: schema.ChatRequest,
|
182
|
-
) ->
|
185
|
+
) -> AIStudioResultResponse[schema.ChatResult]:
|
183
186
|
pipeline = ctx.pipeline
|
184
187
|
|
185
188
|
kwargs: Dict[str, Any] = dict(
|
@@ -211,7 +214,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
211
214
|
**kwargs,
|
212
215
|
)
|
213
216
|
|
214
|
-
return
|
217
|
+
return AIStudioResultResponse[schema.ChatResult](
|
215
218
|
logId=serving_utils.generate_log_id(),
|
216
219
|
result=schema.ChatResult(
|
217
220
|
chatResult=result["chat_res"],
|
@@ -1,4 +1,4 @@
|
|
1
|
-
#
|
1
|
+
# Copyright (c) 2024 PaddlePaddle Authors. All Rights Reserved.
|
2
2
|
#
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
4
|
# you may not use this file except in compliance with the License.
|
@@ -16,18 +16,21 @@ import asyncio
|
|
16
16
|
from operator import attrgetter
|
17
17
|
from typing import Any, Dict, List
|
18
18
|
|
19
|
-
from
|
20
|
-
|
19
|
+
from .....utils.deps import function_requires_deps, is_dep_available
|
21
20
|
from ....pipelines.components import IndexData
|
22
21
|
from ...infra import utils as serving_utils
|
23
22
|
from ...infra.config import AppConfig
|
24
|
-
from ...infra.models import
|
23
|
+
from ...infra.models import AIStudioResultResponse
|
25
24
|
from ...schemas import pp_shituv2 as schema
|
26
25
|
from .._app import create_app, primary_operation
|
27
26
|
from ._common import image_recognition as ir_common
|
28
27
|
|
28
|
+
if is_dep_available("fastapi"):
|
29
|
+
from fastapi import FastAPI
|
30
|
+
|
29
31
|
|
30
|
-
|
32
|
+
@function_requires_deps("fastapi")
|
33
|
+
def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> "FastAPI":
|
31
34
|
app, ctx = create_app(
|
32
35
|
pipeline=pipeline, app_config=app_config, app_aiohttp_session=True
|
33
36
|
)
|
@@ -41,7 +44,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
41
44
|
)
|
42
45
|
async def _build_index(
|
43
46
|
request: schema.BuildIndexRequest,
|
44
|
-
) ->
|
47
|
+
) -> AIStudioResultResponse[schema.BuildIndexResult]:
|
45
48
|
pipeline = ctx.pipeline
|
46
49
|
aiohttp_session = ctx.aiohttp_session
|
47
50
|
|
@@ -69,7 +72,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
69
72
|
index_data_bytes = index_data.to_bytes()
|
70
73
|
await serving_utils.call_async(index_storage.set, index_key, index_data_bytes)
|
71
74
|
|
72
|
-
return
|
75
|
+
return AIStudioResultResponse[schema.BuildIndexResult](
|
73
76
|
logId=serving_utils.generate_log_id(),
|
74
77
|
result=schema.BuildIndexResult(
|
75
78
|
indexKey=index_key, imageCount=len(index_data.id_map)
|
@@ -83,7 +86,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
83
86
|
)
|
84
87
|
async def _add_images_to_index(
|
85
88
|
request: schema.AddImagesToIndexRequest,
|
86
|
-
) ->
|
89
|
+
) -> AIStudioResultResponse[schema.AddImagesToIndexResult]:
|
87
90
|
pipeline = ctx.pipeline
|
88
91
|
aiohttp_session = ctx.aiohttp_session
|
89
92
|
|
@@ -111,7 +114,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
111
114
|
index_storage.set, request.indexKey, index_data_bytes
|
112
115
|
)
|
113
116
|
|
114
|
-
return
|
117
|
+
return AIStudioResultResponse[schema.AddImagesToIndexResult](
|
115
118
|
logId=serving_utils.generate_log_id(),
|
116
119
|
result=schema.AddImagesToIndexResult(imageCount=len(index_data.id_map)),
|
117
120
|
)
|
@@ -123,7 +126,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
123
126
|
)
|
124
127
|
async def _remove_images_from_index(
|
125
128
|
request: schema.RemoveImagesFromIndexRequest,
|
126
|
-
) ->
|
129
|
+
) -> AIStudioResultResponse[schema.RemoveImagesFromIndexResult]:
|
127
130
|
pipeline = ctx.pipeline
|
128
131
|
|
129
132
|
index_storage = ctx.extra["index_storage"]
|
@@ -141,7 +144,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
141
144
|
index_storage.set, request.indexKey, index_data_bytes
|
142
145
|
)
|
143
146
|
|
144
|
-
return
|
147
|
+
return AIStudioResultResponse[schema.RemoveImagesFromIndexResult](
|
145
148
|
logId=serving_utils.generate_log_id(),
|
146
149
|
result=schema.RemoveImagesFromIndexResult(
|
147
150
|
imageCount=len(index_data.id_map)
|
@@ -155,7 +158,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
155
158
|
)
|
156
159
|
async def _infer(
|
157
160
|
request: schema.InferRequest,
|
158
|
-
) ->
|
161
|
+
) -> AIStudioResultResponse[schema.InferResult]:
|
159
162
|
pipeline = ctx.pipeline
|
160
163
|
aiohttp_session = ctx.aiohttp_session
|
161
164
|
|
@@ -210,7 +213,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
210
213
|
else:
|
211
214
|
output_image_base64 = None
|
212
215
|
|
213
|
-
return
|
216
|
+
return AIStudioResultResponse[schema.InferResult](
|
214
217
|
logId=serving_utils.generate_log_id(),
|
215
218
|
result=schema.InferResult(detectedObjects=objs, image=output_image_base64),
|
216
219
|
)
|
@@ -1,4 +1,4 @@
|
|
1
|
-
#
|
1
|
+
# Copyright (c) 2024 PaddlePaddle Authors. All Rights Reserved.
|
2
2
|
#
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
4
|
# you may not use this file except in compliance with the License.
|
@@ -14,18 +14,21 @@
|
|
14
14
|
|
15
15
|
from typing import Any, Dict, List
|
16
16
|
|
17
|
-
from
|
18
|
-
|
17
|
+
from .....utils.deps import function_requires_deps, is_dep_available
|
19
18
|
from ...infra import utils as serving_utils
|
20
19
|
from ...infra.config import AppConfig
|
21
|
-
from ...infra.models import
|
20
|
+
from ...infra.models import AIStudioResultResponse
|
22
21
|
from ...schemas.pp_structurev3 import INFER_ENDPOINT, InferRequest, InferResult
|
23
22
|
from .._app import create_app, primary_operation
|
24
23
|
from ._common import common
|
25
24
|
from ._common import ocr as ocr_common
|
26
25
|
|
26
|
+
if is_dep_available("fastapi"):
|
27
|
+
from fastapi import FastAPI
|
28
|
+
|
27
29
|
|
28
|
-
|
30
|
+
@function_requires_deps("fastapi")
|
31
|
+
def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> "FastAPI":
|
29
32
|
app, ctx = create_app(
|
30
33
|
pipeline=pipeline, app_config=app_config, app_aiohttp_session=True
|
31
34
|
)
|
@@ -39,7 +42,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
39
42
|
)
|
40
43
|
async def _infer(
|
41
44
|
request: InferRequest,
|
42
|
-
) ->
|
45
|
+
) -> AIStudioResultResponse[InferResult]:
|
43
46
|
pipeline = ctx.pipeline
|
44
47
|
|
45
48
|
log_id = serving_utils.generate_log_id()
|
@@ -125,7 +128,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
125
128
|
)
|
126
129
|
)
|
127
130
|
|
128
|
-
return
|
131
|
+
return AIStudioResultResponse[InferResult](
|
129
132
|
logId=log_id,
|
130
133
|
result=InferResult(
|
131
134
|
layoutParsingResults=layout_parsing_results,
|
@@ -1,4 +1,4 @@
|
|
1
|
-
#
|
1
|
+
# Copyright (c) 2024 PaddlePaddle Authors. All Rights Reserved.
|
2
2
|
#
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
4
|
# you may not use this file except in compliance with the License.
|
@@ -14,11 +14,10 @@
|
|
14
14
|
|
15
15
|
from typing import Any, Dict, List
|
16
16
|
|
17
|
-
from
|
18
|
-
|
17
|
+
from .....utils.deps import function_requires_deps, is_dep_available
|
19
18
|
from ...infra import utils as serving_utils
|
20
19
|
from ...infra.config import AppConfig
|
21
|
-
from ...infra.models import
|
20
|
+
from ...infra.models import AIStudioResultResponse
|
22
21
|
from ...schemas.rotated_object_detection import (
|
23
22
|
INFER_ENDPOINT,
|
24
23
|
InferRequest,
|
@@ -26,8 +25,12 @@ from ...schemas.rotated_object_detection import (
|
|
26
25
|
)
|
27
26
|
from .._app import create_app, primary_operation
|
28
27
|
|
28
|
+
if is_dep_available("fastapi"):
|
29
|
+
from fastapi import FastAPI
|
30
|
+
|
29
31
|
|
30
|
-
|
32
|
+
@function_requires_deps("fastapi")
|
33
|
+
def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> "FastAPI":
|
31
34
|
app, ctx = create_app(
|
32
35
|
pipeline=pipeline, app_config=app_config, app_aiohttp_session=True
|
33
36
|
)
|
@@ -37,7 +40,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
37
40
|
INFER_ENDPOINT,
|
38
41
|
"infer",
|
39
42
|
)
|
40
|
-
async def _infer(request: InferRequest) ->
|
43
|
+
async def _infer(request: InferRequest) -> AIStudioResultResponse[InferResult]:
|
41
44
|
pipeline = ctx.pipeline
|
42
45
|
aiohttp_session = ctx.aiohttp_session
|
43
46
|
|
@@ -70,7 +73,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
70
73
|
else:
|
71
74
|
output_image_base64 = None
|
72
75
|
|
73
|
-
return
|
76
|
+
return AIStudioResultResponse[InferResult](
|
74
77
|
logId=serving_utils.generate_log_id(),
|
75
78
|
result=InferResult(detectedObjects=objects, image=output_image_base64),
|
76
79
|
)
|
@@ -1,4 +1,4 @@
|
|
1
|
-
#
|
1
|
+
# Copyright (c) 2024 PaddlePaddle Authors. All Rights Reserved.
|
2
2
|
#
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
4
|
# you may not use this file except in compliance with the License.
|
@@ -14,18 +14,21 @@
|
|
14
14
|
|
15
15
|
from typing import Any, Dict, List
|
16
16
|
|
17
|
-
from
|
18
|
-
|
17
|
+
from .....utils.deps import function_requires_deps, is_dep_available
|
19
18
|
from ...infra import utils as serving_utils
|
20
19
|
from ...infra.config import AppConfig
|
21
|
-
from ...infra.models import
|
20
|
+
from ...infra.models import AIStudioResultResponse
|
22
21
|
from ...schemas.seal_recognition import INFER_ENDPOINT, InferRequest, InferResult
|
23
22
|
from .._app import create_app, primary_operation
|
24
23
|
from ._common import common
|
25
24
|
from ._common import ocr as ocr_common
|
26
25
|
|
26
|
+
if is_dep_available("fastapi"):
|
27
|
+
from fastapi import FastAPI
|
28
|
+
|
27
29
|
|
28
|
-
|
30
|
+
@function_requires_deps("fastapi")
|
31
|
+
def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> "FastAPI":
|
29
32
|
app, ctx = create_app(
|
30
33
|
pipeline=pipeline, app_config=app_config, app_aiohttp_session=True
|
31
34
|
)
|
@@ -37,7 +40,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
37
40
|
INFER_ENDPOINT,
|
38
41
|
"infer",
|
39
42
|
)
|
40
|
-
async def _infer(request: InferRequest) ->
|
43
|
+
async def _infer(request: InferRequest) -> AIStudioResultResponse[InferResult]:
|
41
44
|
pipeline = ctx.pipeline
|
42
45
|
|
43
46
|
log_id = serving_utils.generate_log_id()
|
@@ -92,7 +95,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
92
95
|
)
|
93
96
|
)
|
94
97
|
|
95
|
-
return
|
98
|
+
return AIStudioResultResponse[InferResult](
|
96
99
|
logId=log_id,
|
97
100
|
result=InferResult(
|
98
101
|
sealRecResults=seal_rec_results,
|
@@ -1,4 +1,4 @@
|
|
1
|
-
#
|
1
|
+
# Copyright (c) 2024 PaddlePaddle Authors. All Rights Reserved.
|
2
2
|
#
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
4
|
# you may not use this file except in compliance with the License.
|
@@ -14,16 +14,19 @@
|
|
14
14
|
|
15
15
|
from typing import Any
|
16
16
|
|
17
|
-
from
|
18
|
-
|
17
|
+
from .....utils.deps import function_requires_deps, is_dep_available
|
19
18
|
from ...infra import utils as serving_utils
|
20
19
|
from ...infra.config import AppConfig
|
21
|
-
from ...infra.models import
|
20
|
+
from ...infra.models import AIStudioResultResponse
|
22
21
|
from ...schemas.semantic_segmentation import INFER_ENDPOINT, InferRequest, InferResult
|
23
22
|
from .._app import create_app, primary_operation
|
24
23
|
|
24
|
+
if is_dep_available("fastapi"):
|
25
|
+
from fastapi import FastAPI
|
26
|
+
|
25
27
|
|
26
|
-
|
28
|
+
@function_requires_deps("fastapi")
|
29
|
+
def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> "FastAPI":
|
27
30
|
app, ctx = create_app(
|
28
31
|
pipeline=pipeline, app_config=app_config, app_aiohttp_session=True
|
29
32
|
)
|
@@ -33,7 +36,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
33
36
|
INFER_ENDPOINT,
|
34
37
|
"infer",
|
35
38
|
)
|
36
|
-
async def _infer(request: InferRequest) ->
|
39
|
+
async def _infer(request: InferRequest) -> AIStudioResultResponse[InferResult]:
|
37
40
|
pipeline = ctx.pipeline
|
38
41
|
aiohttp_session = ctx.aiohttp_session
|
39
42
|
|
@@ -54,7 +57,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
54
57
|
else:
|
55
58
|
output_image_base64 = None
|
56
59
|
|
57
|
-
return
|
60
|
+
return AIStudioResultResponse[InferResult](
|
58
61
|
logId=serving_utils.generate_log_id(),
|
59
62
|
result=InferResult(
|
60
63
|
labelMap=label_map, size=size, image=output_image_base64
|
@@ -1,4 +1,4 @@
|
|
1
|
-
#
|
1
|
+
# Copyright (c) 2024 PaddlePaddle Authors. All Rights Reserved.
|
2
2
|
#
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
4
|
# you may not use this file except in compliance with the License.
|
@@ -14,16 +14,19 @@
|
|
14
14
|
|
15
15
|
from typing import Any, Dict, List
|
16
16
|
|
17
|
-
from
|
18
|
-
|
17
|
+
from .....utils.deps import function_requires_deps, is_dep_available
|
19
18
|
from ...infra import utils as serving_utils
|
20
19
|
from ...infra.config import AppConfig
|
21
|
-
from ...infra.models import
|
20
|
+
from ...infra.models import AIStudioResultResponse
|
22
21
|
from ...schemas.small_object_detection import INFER_ENDPOINT, InferRequest, InferResult
|
23
22
|
from .._app import create_app, primary_operation
|
24
23
|
|
24
|
+
if is_dep_available("fastapi"):
|
25
|
+
from fastapi import FastAPI
|
26
|
+
|
25
27
|
|
26
|
-
|
28
|
+
@function_requires_deps("fastapi")
|
29
|
+
def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> "FastAPI":
|
27
30
|
app, ctx = create_app(
|
28
31
|
pipeline=pipeline, app_config=app_config, app_aiohttp_session=True
|
29
32
|
)
|
@@ -33,7 +36,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
33
36
|
INFER_ENDPOINT,
|
34
37
|
"infer",
|
35
38
|
)
|
36
|
-
async def _infer(request: InferRequest) ->
|
39
|
+
async def _infer(request: InferRequest) -> AIStudioResultResponse[InferResult]:
|
37
40
|
pipeline = ctx.pipeline
|
38
41
|
aiohttp_session = ctx.aiohttp_session
|
39
42
|
|
@@ -61,7 +64,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
61
64
|
else:
|
62
65
|
output_image_base64 = None
|
63
66
|
|
64
|
-
return
|
67
|
+
return AIStudioResultResponse[InferResult](
|
65
68
|
logId=serving_utils.generate_log_id(),
|
66
69
|
result=InferResult(detectedObjects=objects, image=output_image_base64),
|
67
70
|
)
|
@@ -1,4 +1,4 @@
|
|
1
|
-
#
|
1
|
+
# Copyright (c) 2024 PaddlePaddle Authors. All Rights Reserved.
|
2
2
|
#
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
4
|
# you may not use this file except in compliance with the License.
|
@@ -14,18 +14,21 @@
|
|
14
14
|
|
15
15
|
from typing import Any, Dict, List
|
16
16
|
|
17
|
-
from
|
18
|
-
|
17
|
+
from .....utils.deps import function_requires_deps, is_dep_available
|
19
18
|
from ...infra import utils as serving_utils
|
20
19
|
from ...infra.config import AppConfig
|
21
|
-
from ...infra.models import
|
20
|
+
from ...infra.models import AIStudioResultResponse
|
22
21
|
from ...schemas.table_recognition import INFER_ENDPOINT, InferRequest, InferResult
|
23
22
|
from .._app import create_app, primary_operation
|
24
23
|
from ._common import common
|
25
24
|
from ._common import ocr as ocr_common
|
26
25
|
|
26
|
+
if is_dep_available("fastapi"):
|
27
|
+
from fastapi import FastAPI
|
28
|
+
|
27
29
|
|
28
|
-
|
30
|
+
@function_requires_deps("fastapi")
|
31
|
+
def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> "FastAPI":
|
29
32
|
app, ctx = create_app(
|
30
33
|
pipeline=pipeline, app_config=app_config, app_aiohttp_session=True
|
31
34
|
)
|
@@ -37,7 +40,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
37
40
|
INFER_ENDPOINT,
|
38
41
|
"infer",
|
39
42
|
)
|
40
|
-
async def _infer(request: InferRequest) ->
|
43
|
+
async def _infer(request: InferRequest) -> AIStudioResultResponse[InferResult]:
|
41
44
|
pipeline = ctx.pipeline
|
42
45
|
|
43
46
|
log_id = serving_utils.generate_log_id()
|
@@ -94,7 +97,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
94
97
|
)
|
95
98
|
)
|
96
99
|
|
97
|
-
return
|
100
|
+
return AIStudioResultResponse[InferResult](
|
98
101
|
logId=log_id,
|
99
102
|
result=InferResult(
|
100
103
|
tableRecResults=table_rec_results,
|
@@ -1,4 +1,4 @@
|
|
1
|
-
#
|
1
|
+
# Copyright (c) 2024 PaddlePaddle Authors. All Rights Reserved.
|
2
2
|
#
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
4
|
# you may not use this file except in compliance with the License.
|
@@ -14,18 +14,21 @@
|
|
14
14
|
|
15
15
|
from typing import Any, Dict, List
|
16
16
|
|
17
|
-
from
|
18
|
-
|
17
|
+
from .....utils.deps import function_requires_deps, is_dep_available
|
19
18
|
from ...infra import utils as serving_utils
|
20
19
|
from ...infra.config import AppConfig
|
21
|
-
from ...infra.models import
|
20
|
+
from ...infra.models import AIStudioResultResponse
|
22
21
|
from ...schemas.table_recognition_v2 import INFER_ENDPOINT, InferRequest, InferResult
|
23
22
|
from .._app import create_app, primary_operation
|
24
23
|
from ._common import common
|
25
24
|
from ._common import ocr as ocr_common
|
26
25
|
|
26
|
+
if is_dep_available("fastapi"):
|
27
|
+
from fastapi import FastAPI
|
28
|
+
|
27
29
|
|
28
|
-
|
30
|
+
@function_requires_deps("fastapi")
|
31
|
+
def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> "FastAPI":
|
29
32
|
app, ctx = create_app(
|
30
33
|
pipeline=pipeline, app_config=app_config, app_aiohttp_session=True
|
31
34
|
)
|
@@ -37,7 +40,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
37
40
|
INFER_ENDPOINT,
|
38
41
|
"infer",
|
39
42
|
)
|
40
|
-
async def _infer(request: InferRequest) ->
|
43
|
+
async def _infer(request: InferRequest) -> AIStudioResultResponse[InferResult]:
|
41
44
|
pipeline = ctx.pipeline
|
42
45
|
|
43
46
|
log_id = serving_utils.generate_log_id()
|
@@ -96,7 +99,7 @@ def create_pipeline_app(pipeline: Any, app_config: AppConfig) -> FastAPI:
|
|
96
99
|
)
|
97
100
|
)
|
98
101
|
|
99
|
-
return
|
102
|
+
return AIStudioResultResponse[InferResult](
|
100
103
|
logId=log_id,
|
101
104
|
result=InferResult(
|
102
105
|
tableRecResults=table_rec_results,
|