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
paddlex-3.0.0b2.dist-info/RECORD
DELETED
@@ -1,646 +0,0 @@
|
|
1
|
-
paddlex/.version,sha256=_1AXj2qZrIc-bnuHo1PQnjLHykR8vbEM-rUdbgtXgi4,12
|
2
|
-
paddlex/__init__.py,sha256=UgYq2Ftw2VMcoh4SzfmAa-toPC1i23n5c1lQ5eKqM6U,2127
|
3
|
-
paddlex/__main__.py,sha256=6DgAHV_C0i0ISDv1pLJl3FgSpAvvTmyPYKJZlD9U-zg,1323
|
4
|
-
paddlex/engine.py,sha256=keD9j-AbuGc-zNtnZf4pe6L1TMYizQhnPuwc0dMKYNw,1977
|
5
|
-
paddlex/model.py,sha256=abGUGfVOhcGcF_83noq3CzxlD53MKCmNimQr-zlXMvs,3428
|
6
|
-
paddlex/paddlex_cli.py,sha256=Vivo-5pG4kRXs5oRz2kt9aZ_pfyVIKLbniyigUiV-hw,6386
|
7
|
-
paddlex/version.py,sha256=roP02zu57oWBFk5V2DVpTB7iomzKEP0qHBNObOk8_I8,1690
|
8
|
-
paddlex/configs/anomaly_detection/STFPM.yaml,sha256=m0xBEfchDCBb06cBLpqrHAXPwqENaR36kQp9GwG5M1M,929
|
9
|
-
paddlex/configs/doc_text_orientation/PP-LCNet_x1_0_doc_ori.yaml,sha256=AETe_giWiq8ribioePFEhjdS39t_cTGQnvGB6Mkn4jw,1109
|
10
|
-
paddlex/configs/face_detection/BlazeFace-FPN-SSH.yaml,sha256=S92uHNRVm9YABasucmIlriQ00Vy7zUBcyXz9AJAGRn8,1078
|
11
|
-
paddlex/configs/face_detection/BlazeFace.yaml,sha256=BMIwuscezZVmZWyNva1_Mkh_sQBH1NHRIlnwgQcAUmY,1054
|
12
|
-
paddlex/configs/face_detection/PP-YOLOE_plus-S_face.yaml,sha256=kSJr8mjBNMbH4_ZcuLZk7AkH0JsRkVw4Mn5gD4SKw9k,1088
|
13
|
-
paddlex/configs/face_detection/PicoDet_LCNet_x2_5_face.yaml,sha256=WHsjo5iU9QDX13lnpTCE_HhZpk9lakTNG8Dka4FnHVU,1095
|
14
|
-
paddlex/configs/face_recognition/MobileFaceNet.yaml,sha256=_KCxDrZpy1MNRmKgZ4IZhXKO-Ik4gRDnmQHA6sVSksQ,1143
|
15
|
-
paddlex/configs/face_recognition/ResNet50_face.yaml,sha256=mWexlO-L0Do5EE6S8mRyIGsooNM8w_yqowXsSDmADos,1142
|
16
|
-
paddlex/configs/formula_recognition/LaTeX_OCR_rec.yaml,sha256=nzYZOrNN_G9gpc43Raas5Q-nD9qAHtEARnY8ZJ0O1qE,1096
|
17
|
-
paddlex/configs/general_recognition/PP-ShiTuV2_rec.yaml,sha256=fXX3iV2GhbEM5fBdDQpPJQJI1dSzK8XrfEKgiuVUABo,1130
|
18
|
-
paddlex/configs/general_recognition/PP-ShiTuV2_rec_CLIP_vit_base.yaml,sha256=RYSAJP2cOEirVzza5rN0JXqhuvyc5P8u2yezHzG2jGQ,1234
|
19
|
-
paddlex/configs/general_recognition/PP-ShiTuV2_rec_CLIP_vit_large.yaml,sha256=mHwThGAxiLpUOK4rii3OuiTqjYQlWIzE6QR8mFBA3gI,1238
|
20
|
-
paddlex/configs/human_detection/PP-YOLOE-L_human.yaml,sha256=NU3jFyEip_TU6aURcqV1kzYDA6dLTsos3-6BW40TeJ4,1080
|
21
|
-
paddlex/configs/human_detection/PP-YOLOE-S_human.yaml,sha256=ZsNbemUP-tIBqy1KVLE2MCybtWk1V90AXIY-5k1MbTw,1080
|
22
|
-
paddlex/configs/image_classification/CLIP_vit_base_patch16_224.yaml,sha256=G8okNJ7Ecp8543x17KBMMuTGjNKFCekUzpaZgYuKtoc,1138
|
23
|
-
paddlex/configs/image_classification/CLIP_vit_large_patch14_224.yaml,sha256=Z5KNZit_juFusxzIvZ93xW-LPVIIGkdv0ZJU0DpyyvE,1141
|
24
|
-
paddlex/configs/image_classification/ConvNeXt_base_224.yaml,sha256=gn-n3SfGCZ6_OOgwRY7k4EXuFEEtL0PiPdnZMhayRH4,1113
|
25
|
-
paddlex/configs/image_classification/ConvNeXt_base_384.yaml,sha256=jqB7RwPQhJuhRgZONnkVSZihXkBhJqlPgbfQ2ErpI64,1113
|
26
|
-
paddlex/configs/image_classification/ConvNeXt_large_224.yaml,sha256=echAqQdzckFmG8cZ2xeQUgAuZwyuGWwSZNCGgGg3-0Q,1116
|
27
|
-
paddlex/configs/image_classification/ConvNeXt_large_384.yaml,sha256=D2j1aWYsqOw7_Pm_9UZGaQrkdXHcdfjFJxIhI3TEqZQ,1116
|
28
|
-
paddlex/configs/image_classification/ConvNeXt_small.yaml,sha256=CoBafC89MdqdPhgCkbYtRqbPmWoNeFa9U0SGXBFbehE,1104
|
29
|
-
paddlex/configs/image_classification/ConvNeXt_tiny.yaml,sha256=NikOVm_RaepPQbeciIOy-QHCnJnfaL4iJfaqo05ALEY,1101
|
30
|
-
paddlex/configs/image_classification/FasterNet-L.yaml,sha256=IwASicfaAaYMXTBe0Rp3zVopdczXD8P3GHDaVykBER0,1093
|
31
|
-
paddlex/configs/image_classification/FasterNet-M.yaml,sha256=qeWU3wmgWIhYcnQmjbA5f--xNx7ChOC9ipbKacniEsc,1093
|
32
|
-
paddlex/configs/image_classification/FasterNet-S.yaml,sha256=F5NhqQpLUQZhZI83Po6i8iwnlKuI0ejNDBxOAmoS5ig,1094
|
33
|
-
paddlex/configs/image_classification/FasterNet-T0.yaml,sha256=jt6nfJaCEUbsmy4JSaMcgBITep3Fyoj13gfYBC8hXjo,1097
|
34
|
-
paddlex/configs/image_classification/FasterNet-T1.yaml,sha256=qlraq3GaqNZfHIYZl7UFOosFND8qfcTTg22yO81L-5Y,1097
|
35
|
-
paddlex/configs/image_classification/FasterNet-T2.yaml,sha256=KRRjkp3hsc3n6ZfdrJ4Avfd8al2Q5dP5490PAYT0FTM,1097
|
36
|
-
paddlex/configs/image_classification/MobileNetV1_x0_25.yaml,sha256=uLoUWZ6DsLU6AI8Axl2S_TzLNvmUrmRs5iUSRCUDHQw,1111
|
37
|
-
paddlex/configs/image_classification/MobileNetV1_x0_5.yaml,sha256=2gSU1bET_sK1Y1yGNDit4xjR6BHrMMKPotW5DzueXig,1108
|
38
|
-
paddlex/configs/image_classification/MobileNetV1_x0_75.yaml,sha256=iWz2iNvOfKZwKtYJeeWDC1fG1hcXJa3hVO2wBQyFSpA,1111
|
39
|
-
paddlex/configs/image_classification/MobileNetV1_x1_0.yaml,sha256=Wvvj_X4DSmlJYQGPrPnrChL3hD3WakRGFmGdappn_-0,1108
|
40
|
-
paddlex/configs/image_classification/MobileNetV2_x0_25.yaml,sha256=psRKr_FG-NYYOO9UN0qrKt2g0eZSO_1W0qVnBAoHNhg,1113
|
41
|
-
paddlex/configs/image_classification/MobileNetV2_x0_5.yaml,sha256=qb_yqAv-2faVTl_iArBh2m9NjwOe65qP2hA2YqFsyeA,1110
|
42
|
-
paddlex/configs/image_classification/MobileNetV2_x1_0.yaml,sha256=1937V9J05n8BnykdEwXqfpPWfInTMcqaIoUgUwVbqVA,1110
|
43
|
-
paddlex/configs/image_classification/MobileNetV2_x1_5.yaml,sha256=obtZs2YvXv6sZPbNFCMJVfD4m76jdlEJp7F_EuPN1F8,1110
|
44
|
-
paddlex/configs/image_classification/MobileNetV2_x2_0.yaml,sha256=N0GcWa5yJYZXHZ8J_FhuJfRkbKlnusIQaAFsKBECbhU,1110
|
45
|
-
paddlex/configs/image_classification/MobileNetV3_large_x0_35.yaml,sha256=iC1YYIwKmGXR0n6cdQCJejlV-exSYzdqlyEpfTdKSsY,1131
|
46
|
-
paddlex/configs/image_classification/MobileNetV3_large_x0_5.yaml,sha256=q_fgzScX9kzHBfr1wpT9LN68rrVoJuDzVZJHiKXS4Pc,1128
|
47
|
-
paddlex/configs/image_classification/MobileNetV3_large_x0_75.yaml,sha256=A_HA8UzcoeRl3E3Bpx7jSu4rf8ziXqYR8r-2mMZan1k,1131
|
48
|
-
paddlex/configs/image_classification/MobileNetV3_large_x1_0.yaml,sha256=wa_5xcKMe1_U65mHGs2-LXRpDAe6neFJze6ELUZblnY,1128
|
49
|
-
paddlex/configs/image_classification/MobileNetV3_large_x1_25.yaml,sha256=-nhvLFSewcu4GF6hRE-O5sh02bMoQDNH7DP5_rr9KP8,1131
|
50
|
-
paddlex/configs/image_classification/MobileNetV3_small_x0_35.yaml,sha256=VK0X449vo4Xh0J6yfZBiEmtk0ZzPrhyh7WCRC5w0IFU,1131
|
51
|
-
paddlex/configs/image_classification/MobileNetV3_small_x0_5.yaml,sha256=tMU6hQFi0VyP2MBaYFpcXyFm4yg-t4E4P25Di-z4VaA,1128
|
52
|
-
paddlex/configs/image_classification/MobileNetV3_small_x0_75.yaml,sha256=lFsgeV0mcZcjaPH1y9VuGT1JzKSGVcxmMaaCo7f2X8E,1131
|
53
|
-
paddlex/configs/image_classification/MobileNetV3_small_x1_0.yaml,sha256=A6DJ6GoNVeJaJopRlbkX8BkUHGSiAy37Yp5gnlkT2F8,1128
|
54
|
-
paddlex/configs/image_classification/MobileNetV3_small_x1_25.yaml,sha256=zcXwhMKlakpSDmyDn7TaZbKv0G0cWhN80iQKR6zAqCA,1131
|
55
|
-
paddlex/configs/image_classification/MobileNetV4_conv_large.yaml,sha256=bSezzL_GQlk5IrB4QW2RjN1W5oxCgKtksJJ7rRM9M-k,1127
|
56
|
-
paddlex/configs/image_classification/MobileNetV4_conv_medium.yaml,sha256=wRZ7DiS4l28KG6ZZ_PaS49w83EALTW2AfxPpLEQ4tXc,1131
|
57
|
-
paddlex/configs/image_classification/MobileNetV4_conv_small.yaml,sha256=hEkIvgIiXq-RiTzSdZIWEAwC5WDOdNspGipy1OXRIrc,1128
|
58
|
-
paddlex/configs/image_classification/MobileNetV4_hybrid_large.yaml,sha256=uWEcHM6VXxe_MxShLvOwaQvk0yuLJEJJOanmAj7SQOY,1133
|
59
|
-
paddlex/configs/image_classification/MobileNetV4_hybrid_medium.yaml,sha256=7LIQwtNGjn3tZCw-aZgauG_auuJGA-_FAtJaGLw2c4U,1136
|
60
|
-
paddlex/configs/image_classification/PP-HGNetV2-B0.yaml,sha256=zBJupgZWNjJ-vScLqMEaeyEOZk1FEn3ll-09UfCp8GQ,1100
|
61
|
-
paddlex/configs/image_classification/PP-HGNetV2-B1.yaml,sha256=HCa-dcRmkKhbgiJjqq2TjIKmb3eldge3pQTjuEXW8F0,1100
|
62
|
-
paddlex/configs/image_classification/PP-HGNetV2-B2.yaml,sha256=4UD0nLoR1obIbgx50ECUoK82Tdhxs3pZJ8uJUikZ3ko,1100
|
63
|
-
paddlex/configs/image_classification/PP-HGNetV2-B3.yaml,sha256=HDunHsQCUjGd4OgLgrA5yDJNS0NBYc4TGbFDOP_rB3A,1100
|
64
|
-
paddlex/configs/image_classification/PP-HGNetV2-B4.yaml,sha256=nOOzk3RJtrNihSTo5KVoTfJGvzlR9w--KFSOwDkCOC8,1100
|
65
|
-
paddlex/configs/image_classification/PP-HGNetV2-B5.yaml,sha256=g0aob11iDTk5sMv442cOBxf_SQfm7QXp2qIT84bbHSQ,1100
|
66
|
-
paddlex/configs/image_classification/PP-HGNetV2-B6.yaml,sha256=9mrKN9fxI5ueRE8nuJdhAujp3M4xNjKUm9OINRma0Hw,1100
|
67
|
-
paddlex/configs/image_classification/PP-HGNet_base.yaml,sha256=l_FgAahuQvut0d4SFNYuStu3Qj-y6USR1WN4iE5c13I,1100
|
68
|
-
paddlex/configs/image_classification/PP-HGNet_small.yaml,sha256=_mRqbbfPi7pAKcmSMNmjzZn84978Od5osuAY-wkZEmA,1103
|
69
|
-
paddlex/configs/image_classification/PP-HGNet_tiny.yaml,sha256=_cttp27OzbF3FfTAeRMS05UHi3VVULeGzCYnvW7_A9o,1100
|
70
|
-
paddlex/configs/image_classification/PP-LCNetV2_base.yaml,sha256=YUmqFg9MlaDdJg9ZMuhvRge7uz-0QoeSoFP6vA-Viuk,1114
|
71
|
-
paddlex/configs/image_classification/PP-LCNetV2_large.yaml,sha256=kle9yZYiQVgDVsXAj6o3b0EZPC5QJQCGs_Vb6WD73fA,1117
|
72
|
-
paddlex/configs/image_classification/PP-LCNetV2_small.yaml,sha256=NNJEK4-hw3rQSJtpEXcQ8m4btavpYxKQ1bGjfAQ_soA,1117
|
73
|
-
paddlex/configs/image_classification/PP-LCNet_x0_25.yaml,sha256=d4tgfqJJLlzXKKVOSIIEgrMaxhy0up7yRjmHgzJb_i8,1103
|
74
|
-
paddlex/configs/image_classification/PP-LCNet_x0_35.yaml,sha256=DlwXHwttQVuG_zU3tuVPfyrNG2gu4RtzHmWg_QtXpcs,1103
|
75
|
-
paddlex/configs/image_classification/PP-LCNet_x0_5.yaml,sha256=9ay8PBsdpLeze-dKUL56BPY3TPkTXckts8obUTBbNac,1100
|
76
|
-
paddlex/configs/image_classification/PP-LCNet_x0_75.yaml,sha256=GxcfHhImq0jg3KVoFBeELFStoO1BAdvP6TjFJXtI9Lk,1103
|
77
|
-
paddlex/configs/image_classification/PP-LCNet_x1_0.yaml,sha256=7xS7Nja6fEalFb4CcpN5S9CxMewtWKJ1hnZjBHWhupk,1108
|
78
|
-
paddlex/configs/image_classification/PP-LCNet_x1_5.yaml,sha256=SRf-MXXiH0a1upLgvis3ZQU2tuEWXm3gfAqHFjkhW6w,1100
|
79
|
-
paddlex/configs/image_classification/PP-LCNet_x2_0.yaml,sha256=zkX6d5O_hQTR5A2TmjKhxTr653q_nehU9zVOgeWwCzI,1100
|
80
|
-
paddlex/configs/image_classification/PP-LCNet_x2_5.yaml,sha256=L-Ci_hL-DPIyfohWSDfLrrgvs5widwHOGHcTVMpQZ4c,1100
|
81
|
-
paddlex/configs/image_classification/ResNet101.yaml,sha256=WQ5JrCYbBe_I0aWpt3P_X2F-agnWXJ5NlmqDnYNjFEw,1087
|
82
|
-
paddlex/configs/image_classification/ResNet101_vd.yaml,sha256=StIUPW6hPFPF5K68FNY8q130xNFnaxAvN3U0REiNLCk,1096
|
83
|
-
paddlex/configs/image_classification/ResNet152.yaml,sha256=2lD9xWr5HdoDlPtncaKbxj5ptTcQfxrOLHZffqUPmuE,1087
|
84
|
-
paddlex/configs/image_classification/ResNet152_vd.yaml,sha256=x8L7X1qPut9njAlNh0nfrB1tlgMErKXvsowws1EKZ8o,1096
|
85
|
-
paddlex/configs/image_classification/ResNet18.yaml,sha256=1HbFG-Yt1cLAMzc8jPfCmdYilTVziwwt1T7NT9p1eYk,1084
|
86
|
-
paddlex/configs/image_classification/ResNet18_vd.yaml,sha256=2wwN5bIB8wSiSkz53jR-uHpBgh7M62QOYGdo4wF-ruw,1093
|
87
|
-
paddlex/configs/image_classification/ResNet200_vd.yaml,sha256=NejmKMU0waKlZey1U_6ZFpy02Ci9CDUgXPXrjnBSQc4,1096
|
88
|
-
paddlex/configs/image_classification/ResNet34.yaml,sha256=qf6VyTjDUdWsotbS8NoxVOaEh3xEdMJ-NFUR16hy4lM,1084
|
89
|
-
paddlex/configs/image_classification/ResNet34_vd.yaml,sha256=LKquktvpzifqEbTDQb8l4Al_6A0TQ6Ta6gvtYnoDj0k,1093
|
90
|
-
paddlex/configs/image_classification/ResNet50.yaml,sha256=7BVkuhaKyxQQMNvxkeJ-OvMcytmXKWoYfxCr68QByg8,1084
|
91
|
-
paddlex/configs/image_classification/ResNet50_vd.yaml,sha256=R0KyYfaOHmIzPy-fRdEXAK5K0kPcjtSMkYm6gEbO-lI,1093
|
92
|
-
paddlex/configs/image_classification/StarNet-S1.yaml,sha256=S0QY-NrVyl29fEDnRmYPLpUVVmyDuTIHzfD6qsky16o,1092
|
93
|
-
paddlex/configs/image_classification/StarNet-S2.yaml,sha256=hxglkA28lIXqkXupAL14FmCSFN_WVViVr1Z44Xgh_j4,1092
|
94
|
-
paddlex/configs/image_classification/StarNet-S3.yaml,sha256=vPLcd__TJ_mcQOTLJt6EihuFLxmJ6Bzgz3y7qSQKi3M,1092
|
95
|
-
paddlex/configs/image_classification/StarNet-S4.yaml,sha256=LwPjtgeNfEc3crIKuaVZe3EgzE82KnrP4uBivcsURFc,1092
|
96
|
-
paddlex/configs/image_classification/SwinTransformer_base_patch4_window12_384.yaml,sha256=iNgXGMsZ0FqK2ySMAVsyDs7647ejManggJO2G8rZ39k,1182
|
97
|
-
paddlex/configs/image_classification/SwinTransformer_base_patch4_window7_224.yaml,sha256=SdlxnlKwb323PKyVCILq8JSrwQTBAGz4jQLAFheNrlg,1180
|
98
|
-
paddlex/configs/image_classification/SwinTransformer_large_patch4_window12_384.yaml,sha256=cK11Pc_kOtsrLAdckl8snE8ZGkr0jrNMGMJJh67mnCo,1185
|
99
|
-
paddlex/configs/image_classification/SwinTransformer_large_patch4_window7_224.yaml,sha256=oLWNA6zBBUlFfdSVCv7Y9rXeFEMxMcHP0bLy0b1Vqjk,1182
|
100
|
-
paddlex/configs/image_classification/SwinTransformer_small_patch4_window7_224.yaml,sha256=B6lvfAzD2ikr--y8P7m5X8u48pLsTwXtVnhr8U20rck,1182
|
101
|
-
paddlex/configs/image_classification/SwinTransformer_tiny_patch4_window7_224.yaml,sha256=wWf5-zN-qJa2fbG5MaetinLngqnycf39yXEslrceamc,1179
|
102
|
-
paddlex/configs/image_unwarping/UVDoc.yaml,sha256=fJ4jj-tumQrW3YU-nL-_9YIbemD1_Y-CywvY2zdam6c,304
|
103
|
-
paddlex/configs/instance_segmentation/Cascade-MaskRCNN-ResNet50-FPN.yaml,sha256=cICXUmiwEZWBsMTehKIaLj76q7Evv8j4pruZeveTpuI,1147
|
104
|
-
paddlex/configs/instance_segmentation/Cascade-MaskRCNN-ResNet50-vd-SSLDv2-FPN.yaml,sha256=Z8DJqoZZNWeKsJxWdYfoWDnWUM5jm-ghImsjN8odqnM,1177
|
105
|
-
paddlex/configs/instance_segmentation/Mask-RT-DETR-H.yaml,sha256=PRSLpfFUIhno1z0n2mC4IzfyKE97EFfo2fvp4Da3gl0,1104
|
106
|
-
paddlex/configs/instance_segmentation/Mask-RT-DETR-L.yaml,sha256=5YkieF2M8jbuVTUTa2GB5VL3q-58VS3fkVMt9XqwgJ0,1104
|
107
|
-
paddlex/configs/instance_segmentation/Mask-RT-DETR-M.yaml,sha256=gK3NWLfJu2Z9WvisBsJDKsoHB--cvkxQoPJDiFYWhnU,1104
|
108
|
-
paddlex/configs/instance_segmentation/Mask-RT-DETR-S.yaml,sha256=xy9yOYMtZO4FaJSLUYZYBw8txBgqlHmw95gJgcERMq4,1104
|
109
|
-
paddlex/configs/instance_segmentation/Mask-RT-DETR-X.yaml,sha256=aqu712KiEihlM01hFf_4BHPL3aRmsY2-xGo6i43EO7k,1104
|
110
|
-
paddlex/configs/instance_segmentation/MaskRCNN-ResNeXt101-vd-FPN.yaml,sha256=wLoTkTyOVlp2o6xDMky03kZsbG1bYsW28h0thRZNv6U,1137
|
111
|
-
paddlex/configs/instance_segmentation/MaskRCNN-ResNet101-FPN.yaml,sha256=6nu7ZakzQ84IlhQifP-9rZlvs9oG6kx9IC4hg1Na9mA,1126
|
112
|
-
paddlex/configs/instance_segmentation/MaskRCNN-ResNet101-vd-FPN.yaml,sha256=ZVrQWaH-r-GTMGO5IAffTvG9xhzBH_Oa9-kQJYgUyEY,1137
|
113
|
-
paddlex/configs/instance_segmentation/MaskRCNN-ResNet50-FPN.yaml,sha256=Lhm2lrNCUKkycf9CpuBAHUkNc1z7TNYq5AmLcD_EGEs,1123
|
114
|
-
paddlex/configs/instance_segmentation/MaskRCNN-ResNet50-vd-FPN.yaml,sha256=rcjv6rYi83etpcQ2gl--O9KGld_Jx_8J3hxAjh76Too,1132
|
115
|
-
paddlex/configs/instance_segmentation/MaskRCNN-ResNet50.yaml,sha256=DZc9pJQNpfWsHuF5KbdmcQis0rbdqeF4COC9lMdNAYs,1111
|
116
|
-
paddlex/configs/instance_segmentation/PP-YOLOE_seg-S.yaml,sha256=qLTRXJ13jo0M2QIL9MxvMJxosmtEjEAHOeNp8aboHRs,1103
|
117
|
-
paddlex/configs/instance_segmentation/SOLOv2.yaml,sha256=8UHZ27HP1JL4koCsn37RQLU8AAgs6ROXNGBRwkuo780,1078
|
118
|
-
paddlex/configs/mainbody_detection/PP-ShiTuV2_det.yaml,sha256=kMXy-QNH8FbAa3VbZIfvMhbzBCOfk2-guQKO3rh5eL4,1080
|
119
|
-
paddlex/configs/multilabel_classification/CLIP_vit_base_patch16_448_ML.yaml,sha256=79PcH0PNx0Qci2FXH_l2xHVRR1gWD0SUcI-JDEZmidY,1123
|
120
|
-
paddlex/configs/multilabel_classification/PP-HGNetV2-B0_ML.yaml,sha256=2DQeB_OcLoEztUAWGbORvoGwl9ApOY10_MtNwoM1dlI,1087
|
121
|
-
paddlex/configs/multilabel_classification/PP-HGNetV2-B4_ML.yaml,sha256=rizP9nQ5lj7ot-kGwGodY6lf8ixteXlXaA-5FoQRnpc,1085
|
122
|
-
paddlex/configs/multilabel_classification/PP-HGNetV2-B6_ML.yaml,sha256=2EuE24uTLrsQ6eiMbV1YaIUUA439ARncGag1iqoqP_w,1085
|
123
|
-
paddlex/configs/multilabel_classification/PP-LCNet_x1_0_ML.yaml,sha256=_G8MQ6cRAnxeGBuMAuHWruHVOkRsGlwKkUXpU0DxcAE,1092
|
124
|
-
paddlex/configs/multilabel_classification/ResNet50_ML.yaml,sha256=ASNTdy4x2x-Wf-9f5nwDPewr2SZyK_djwIRCtJm-FRw,1069
|
125
|
-
paddlex/configs/object_detection/Cascade-FasterRCNN-ResNet50-FPN.yaml,sha256=R64-W1X32E6OLDOJniQ73gqXuTSrFTo7zppGqsQ4gmI,1128
|
126
|
-
paddlex/configs/object_detection/Cascade-FasterRCNN-ResNet50-vd-SSLDv2-FPN.yaml,sha256=F3pP_MLxcPRw4kPC-KrOxv49GCsHSqpoOkNxI91TLr0,1159
|
127
|
-
paddlex/configs/object_detection/CenterNet-DLA-34.yaml,sha256=S-Q4VI01AQpj-bSTfa5HKcSnprzIFRdytVqxeWUTsPg,1085
|
128
|
-
paddlex/configs/object_detection/CenterNet-ResNet50.yaml,sha256=cIqns-7fWGbdA5kZk4YAPqMrPlIxZZa1U2cLKiATbqU,1091
|
129
|
-
paddlex/configs/object_detection/DETR-R50.yaml,sha256=OQwwjMuCofgJJmBwgxhI2maCcytgi1NtvlHA0U-FcEI,1062
|
130
|
-
paddlex/configs/object_detection/FCOS-ResNet50.yaml,sha256=3R-WpASGd9PXBcWNm8UjucyP53Q5FVM8qfPmCTZ66Go,1074
|
131
|
-
paddlex/configs/object_detection/FasterRCNN-ResNeXt101-vd-FPN.yaml,sha256=jlPpEbJfBaUuwhQ0ngj12iM0wPIHnHLMWBERfJBQpyI,1120
|
132
|
-
paddlex/configs/object_detection/FasterRCNN-ResNet101-FPN.yaml,sha256=a4z_-7H-Esa3EgpRIVMGmoXSdF6CvML78jvYb-YTask,1108
|
133
|
-
paddlex/configs/object_detection/FasterRCNN-ResNet101.yaml,sha256=yOysi1xdYnpibgqqYk2Z6BqlHZ1qLOJqn4-Ezm2lfF8,1096
|
134
|
-
paddlex/configs/object_detection/FasterRCNN-ResNet34-FPN.yaml,sha256=PsKV1ENMD8WEU1JXhOu6p4hXntFYk2iiYer3Yv1Jsrk,1105
|
135
|
-
paddlex/configs/object_detection/FasterRCNN-ResNet50-FPN.yaml,sha256=LbScHVrpL9z0FcP9K2ijmMVwzNbxP9ki5aY3kBo2yT4,1105
|
136
|
-
paddlex/configs/object_detection/FasterRCNN-ResNet50-vd-FPN.yaml,sha256=rop0c8J6zDR7hNZ0NxF65qCFqfipNggOgtsyQltroeA,1114
|
137
|
-
paddlex/configs/object_detection/FasterRCNN-ResNet50-vd-SSLDv2-FPN.yaml,sha256=vrBOePFgp_PFe6fZtg_bgGYaK_7LQxmiavShEdxUPhI,1135
|
138
|
-
paddlex/configs/object_detection/FasterRCNN-ResNet50.yaml,sha256=o86nxDTB17irlM31IY4H5qoCHSqElLAbI3LDX0rl7VE,1092
|
139
|
-
paddlex/configs/object_detection/FasterRCNN-Swin-Tiny-FPN.yaml,sha256=NyXHOHoAoPDXunxITnH4FlW73qbo0jUWTMAA7cKdPAI,1110
|
140
|
-
paddlex/configs/object_detection/PP-YOLOE_plus-L.yaml,sha256=_IrpHxs5_X6EmFDx5mNZmVGSj2PvmSfMGbDrSPG31L8,1115
|
141
|
-
paddlex/configs/object_detection/PP-YOLOE_plus-M.yaml,sha256=2bS3lnmfTay2PRYK10p-lXYYJWHiAidO7sPqKitPgf8,1115
|
142
|
-
paddlex/configs/object_detection/PP-YOLOE_plus-S.yaml,sha256=83KiBcpUhbIqxLEvDYFOUtjp1pHeWdGPSFwhTEj4CAo,1115
|
143
|
-
paddlex/configs/object_detection/PP-YOLOE_plus-X.yaml,sha256=vLxYruqie_KJCeRIb8ccLipdQ3nVCVxHdnq-WVjEp4g,1115
|
144
|
-
paddlex/configs/object_detection/PicoDet-L.yaml,sha256=mwHbc-RnT7VXZ0iq9rP-mnOi_a1DPsFWGWWS8obPgws,1062
|
145
|
-
paddlex/configs/object_detection/PicoDet-M.yaml,sha256=HUoHddMXH_VE4Z0EBtrXWXAKcvL84aed6CpFuIPBtc0,1063
|
146
|
-
paddlex/configs/object_detection/PicoDet-S.yaml,sha256=EXrlKbhBRMNP_YucCAcjHdHan972EmzttqjE3W-bhpo,1062
|
147
|
-
paddlex/configs/object_detection/PicoDet-XS.yaml,sha256=B8XZoYxb2-Fcd2pLJd54p0TfPqGgtPKRbF39WiTsF3c,1066
|
148
|
-
paddlex/configs/object_detection/RT-DETR-H.yaml,sha256=GA6UWVuqm8NXCgT2KkXBjPnVy5_NW9LnwXkE18joyvw,1064
|
149
|
-
paddlex/configs/object_detection/RT-DETR-L.yaml,sha256=7995VHHuTYsp8k1kCM70WMgj2Rt424rrl124hVEiyR0,1063
|
150
|
-
paddlex/configs/object_detection/RT-DETR-R18.yaml,sha256=0xollPIfB2rDW_CXpUBNsDrNRyPaMDpxB41oDisp1qk,1070
|
151
|
-
paddlex/configs/object_detection/RT-DETR-R50.yaml,sha256=XMHUYXL1jQ7SdYPqfEr2YgndNW0gzd7x50lPKDYCZBA,1069
|
152
|
-
paddlex/configs/object_detection/RT-DETR-X.yaml,sha256=ApIVAZUSuLwbjSMcg-BHYu7sxPYdl-G8gwXDRxvfeGo,1065
|
153
|
-
paddlex/configs/object_detection/YOLOX-L.yaml,sha256=o1V_5vEJt9PQV2jMUUGIoYgfxhmNj1E2W2oRIwqqidQ,1055
|
154
|
-
paddlex/configs/object_detection/YOLOX-M.yaml,sha256=yAQRSf3YlKbQMb_15KE80EJu2dHoI0Ue_0j1orCnjDQ,1055
|
155
|
-
paddlex/configs/object_detection/YOLOX-N.yaml,sha256=s_Wr9MZqy4Om7Ah2yA742n_2YkO_rqt-lLUmWvDPVp8,1055
|
156
|
-
paddlex/configs/object_detection/YOLOX-S.yaml,sha256=R4A71AwAz361UBFb8l-wuTxVqN8SYGw7ALwqeWV-Etk,1055
|
157
|
-
paddlex/configs/object_detection/YOLOX-T.yaml,sha256=00OG763K5Ks7-sLCmMD7SABRyTTtXY0E0edqoIxK-9k,1055
|
158
|
-
paddlex/configs/object_detection/YOLOX-X.yaml,sha256=OCw5sNObb8HM6y5tr4qje1HlGAdAwbKrmRuQGeEfqGk,1055
|
159
|
-
paddlex/configs/object_detection/YOLOv3-DarkNet53.yaml,sha256=HPzKlh8fWGOnrLYJfPvr2F9t14aBzB3hWOMOOd52mGU,1083
|
160
|
-
paddlex/configs/object_detection/YOLOv3-MobileNetV3.yaml,sha256=qYxDNhDRGdEv8P8hZlzDt4pZBNxJsxIcI9SIDQy9d8s,1089
|
161
|
-
paddlex/configs/object_detection/YOLOv3-ResNet50_vd_DCN.yaml,sha256=a2FLIUa8f-KnBQUgmqskdpCeglWpiwssZYRu69NMhto,1102
|
162
|
-
paddlex/configs/pedestrian_attribute/PP-LCNet_x1_0_pedestrian_attribute.yaml,sha256=orxgl2IEhcH6XqXr4OSsBBcfCaihpepOInPRwiuXUYU,1144
|
163
|
-
paddlex/configs/semantic_segmentation/Deeplabv3-R101.yaml,sha256=IDRcI6NwJLe1CA1zkMrhyZv6H6ijvnMOnIGL1lxP4Tw,1129
|
164
|
-
paddlex/configs/semantic_segmentation/Deeplabv3-R50.yaml,sha256=1AM1SGak4YQo_tTszmiJsPM123ij1sDGKEEbN07npMs,1125
|
165
|
-
paddlex/configs/semantic_segmentation/Deeplabv3_Plus-R101.yaml,sha256=FNCSWZSqP7jGkXAgSXT0d8SzsJNrr4hQE5m0yX3aqoU,1143
|
166
|
-
paddlex/configs/semantic_segmentation/Deeplabv3_Plus-R50.yaml,sha256=taMzlAQk9qjpdiX-4q7Cqnxjm7i7_HUDpzjj56UnNTE,1139
|
167
|
-
paddlex/configs/semantic_segmentation/OCRNet_HRNet-W18.yaml,sha256=fFtIkYTYWiwJy41nAmjEiX4lUIxKRJ0U0xWsgCtvvzo,1132
|
168
|
-
paddlex/configs/semantic_segmentation/OCRNet_HRNet-W48.yaml,sha256=h9L_pB71Tm-hYw5vTAjGTzO61H_FtZ4WDyXjOnnNGbI,1132
|
169
|
-
paddlex/configs/semantic_segmentation/PP-LiteSeg-B.yaml,sha256=VRKtQDylPfxfkgPVkYoZDS-SGQv9R3WRNvfp08eRSak,1117
|
170
|
-
paddlex/configs/semantic_segmentation/PP-LiteSeg-T.yaml,sha256=P6dewzO-ECkHWpYTY1AtnFLbRCvsaEU-8UHXYT_fStE,1116
|
171
|
-
paddlex/configs/semantic_segmentation/SeaFormer_base.yaml,sha256=lFYcZl8H8x2RMENjkhqnt7ppX5Kj4cYR3ysBTurSRos,1080
|
172
|
-
paddlex/configs/semantic_segmentation/SeaFormer_large.yaml,sha256=dqIN6TAzfrb2rsz1GKpCrS8mDdcPS-PkmR0eRcYrQ1g,1083
|
173
|
-
paddlex/configs/semantic_segmentation/SeaFormer_small.yaml,sha256=thk7EqNML9or7PrPJg22Y5yf7dTTeKHZokx7DnVQwpA,1084
|
174
|
-
paddlex/configs/semantic_segmentation/SeaFormer_tiny.yaml,sha256=s7p0KSiQqiTNZnskts42jJX2mA__NyZi-AJQuM-pBOY,1080
|
175
|
-
paddlex/configs/semantic_segmentation/SegFormer-B0.yaml,sha256=gCs1Q9NezMzwMP7yacVFAmNlmegG_Bc0h0SZsucP3wc,1134
|
176
|
-
paddlex/configs/semantic_segmentation/SegFormer-B1.yaml,sha256=45bk3bXFQZk9x3ksnlgmbp4kYGGz6Ph3aklJTksqEu8,1134
|
177
|
-
paddlex/configs/semantic_segmentation/SegFormer-B2.yaml,sha256=sX_VdBqQ_XYmojnkOlFNVxggmxa98ld_lvv-l0Zh-ZQ,1134
|
178
|
-
paddlex/configs/semantic_segmentation/SegFormer-B3.yaml,sha256=mWpR4gC9VQ7RK6QBGVip6WHAKGxLSJ0pg7-oD6214DI,1134
|
179
|
-
paddlex/configs/semantic_segmentation/SegFormer-B4.yaml,sha256=j5fti-87wu2BU65h4qF4zlIJAUwPwkFgenQgAwuiLGY,1134
|
180
|
-
paddlex/configs/semantic_segmentation/SegFormer-B5.yaml,sha256=GHzp8thVTYBU9UNyKGjj28l_lVp2a9Dxj2SdByaEu6o,1134
|
181
|
-
paddlex/configs/small_object_detection/PP-YOLOE_plus_SOD-L.yaml,sha256=HzHRP7vqofcjoOXIamRmr3iCGbJPkaFCapinjiaeRdg,1089
|
182
|
-
paddlex/configs/small_object_detection/PP-YOLOE_plus_SOD-S.yaml,sha256=WDubgBZ6a7QGSfoVRfAocKVVVkXRQacfu2Sn5ZzBrLE,1089
|
183
|
-
paddlex/configs/small_object_detection/PP-YOLOE_plus_SOD-largesize-L.yaml,sha256=r4Zz4XGCHqIU16nFsCqW_uH3rNrhlNV0dVo6BqHhTLY,1121
|
184
|
-
paddlex/configs/structure_analysis/PicoDet-L_layout_17cls.yaml,sha256=HLuTMH0JI5rF5lCYiG_SG9hH_XGSGoaAUdv17sgAFVA,1084
|
185
|
-
paddlex/configs/structure_analysis/PicoDet-L_layout_3cls.yaml,sha256=bfJqMZjnzmHdhzgngZgHPCz_mZ7uZf1xTQWBnmQEzBo,1081
|
186
|
-
paddlex/configs/structure_analysis/PicoDet-S_layout_17cls.yaml,sha256=jm2_FSvWdIZ99RnyX6NX9zw5CtWEJ8Plxax4tycq3Ks,1084
|
187
|
-
paddlex/configs/structure_analysis/PicoDet-S_layout_3cls.yaml,sha256=xUnksr6O7Jpq0YGwmgj1k5SR6U6WXhX_QoAMbIi-uhc,1081
|
188
|
-
paddlex/configs/structure_analysis/PicoDet_layout_1x.yaml,sha256=bLT9XKKWv5W1242Okn7qH4N0N2kmutANXsm2-lSbidw,1068
|
189
|
-
paddlex/configs/structure_analysis/PicoDet_layout_1x_table.yaml,sha256=dmyNwhUgi1z4LS8gSsKyRe3_Tu6svUB1wF6jP6f8qOU,1086
|
190
|
-
paddlex/configs/structure_analysis/RT-DETR-H_layout_17cls.yaml,sha256=1S20T2TVCHuL2tyWsUmlQeb0OLGz1WrMU7gmpfnmHb0,1086
|
191
|
-
paddlex/configs/structure_analysis/RT-DETR-H_layout_3cls.yaml,sha256=nHce6T4VZUu-xTbaxRGgBPdu9NJyc4qanxPp0kDYsjg,1083
|
192
|
-
paddlex/configs/table_recognition/SLANet.yaml,sha256=RzPFajc6NezpzkJ3LISa2NPklQVEmXyb-nmTscBUopA,1048
|
193
|
-
paddlex/configs/table_recognition/SLANet_plus.yaml,sha256=Xj_lnuGqN-rhlWheybgcxQkBduv9n37j88RNhUXCP00,1063
|
194
|
-
paddlex/configs/text_detection/PP-OCRv4_mobile_det.yaml,sha256=C6uDlATN38eBiBnIkodoXSDZ92BUm-M5NMQ8kTAETWE,1100
|
195
|
-
paddlex/configs/text_detection/PP-OCRv4_server_det.yaml,sha256=omCQ-fOjyB-PX9Y-n5qITE2PwcYPol47g4YztR99lMo,1100
|
196
|
-
paddlex/configs/text_detection_seal/PP-OCRv4_mobile_seal_det.yaml,sha256=xY-xeORmBhtARfPzbxB14pHcQW9Q5UAfzu1Q1-C47IM,1119
|
197
|
-
paddlex/configs/text_detection_seal/PP-OCRv4_server_seal_det.yaml,sha256=VK_PB8x22-8jkLT659GZuYxP_MSk8W3934d1vUIpWwQ,1119
|
198
|
-
paddlex/configs/text_recognition/PP-OCRv4_mobile_rec.yaml,sha256=fbFTMnncTxJ63GdGhCH__lEwKXOUXO7gITrUyjkr6wY,1086
|
199
|
-
paddlex/configs/text_recognition/PP-OCRv4_server_rec.yaml,sha256=47DQ0sdCYGKY35NeuhpAVovbxGyc4NpDqDA_g_1koU4,1086
|
200
|
-
paddlex/configs/text_recognition/ch_RepSVTR_rec.yaml,sha256=OMj-mzZ_aqYp1NZUtD_j56wzoqai2onraMmVMyFIDJU,1071
|
201
|
-
paddlex/configs/text_recognition/ch_SVTRv2_rec.yaml,sha256=6DHZpUEDIZJdvp8y27_Bdvu7zUpbpA2_2KpvbyvhgYI,1068
|
202
|
-
paddlex/configs/ts_anomaly_detection/AutoEncoder_ad.yaml,sha256=vF_iaZhMAG5qzF-MA9wqPodxI_5ywVCEkSt6Z6S76co,863
|
203
|
-
paddlex/configs/ts_anomaly_detection/DLinear_ad.yaml,sha256=KfD0YhhNFhz0gdKN_JGhEQ85JcpzSr-G4DJQMPVF57M,855
|
204
|
-
paddlex/configs/ts_anomaly_detection/Nonstationary_ad.yaml,sha256=uM-CmsGLkigSHKRYZBiOsXnFmJMJa4M8iItwHs_zo6o,867
|
205
|
-
paddlex/configs/ts_anomaly_detection/PatchTST_ad.yaml,sha256=OZbuSavr_mitk8ybXUNvQMK9SNdvv4s_XH_GipEy4gg,857
|
206
|
-
paddlex/configs/ts_anomaly_detection/TimesNet_ad.yaml,sha256=GLwXVVtSuMIKxVlmNVWCkjUQ-TmU15QvUg4w8qGv6E8,857
|
207
|
-
paddlex/configs/ts_classification/TimesNet_cls.yaml,sha256=qzdfp4W7voFXvLdsk2r8rs_ws343xgumEL20xVAuos4,864
|
208
|
-
paddlex/configs/ts_forecast/DLinear.yaml,sha256=4rJP0G6DHO2leNEdm_DS4TXxqCZ1aRklnwa_aBD5LI0,840
|
209
|
-
paddlex/configs/ts_forecast/NLinear.yaml,sha256=dzwKTFy1AU7LxWFI4s-rNz47RIQfuwj8s_C4qXRYwMY,840
|
210
|
-
paddlex/configs/ts_forecast/Nonstationary.yaml,sha256=SHMFu6wLSLc4t0oJLfFBIY5l-HfV557YcDIFUIKtxwo,852
|
211
|
-
paddlex/configs/ts_forecast/PatchTST.yaml,sha256=i6sz3X_KoT4w-41q1hsLNg9kzCMQvWhmYdHCUDjTgCc,842
|
212
|
-
paddlex/configs/ts_forecast/RLinear.yaml,sha256=TWfNWCXUOjD2PprFLAGsiyDtLd7_o7gvvSGXKuNsgfc,840
|
213
|
-
paddlex/configs/ts_forecast/TiDE.yaml,sha256=7pPQaImeATDibYgZwd2E1zG2Q9rCOfVlx7X5GdB9lrc,834
|
214
|
-
paddlex/configs/ts_forecast/TimesNet.yaml,sha256=kMbn31jCqKqQGHJLvHVlaO8RFmkMCkKvFPFUHF9aY4g,842
|
215
|
-
paddlex/configs/vehicle_attribute/PP-LCNet_x1_0_vehicle_attribute.yaml,sha256=xeiCFhCZVB9xSkz6vPkANRqTn1rvOTuIDW-jDELxKcY,1129
|
216
|
-
paddlex/configs/vehicle_detection/PP-YOLOE-L_vehicle.yaml,sha256=ZkoARRc4IIx7ub9o7VZZHlAT2wU0aMMTERq3-Xp13sE,1083
|
217
|
-
paddlex/configs/vehicle_detection/PP-YOLOE-S_vehicle.yaml,sha256=tozzrMIK2Em33r9_vIjIPYEiF1I3ifbpgH_5YrCjvKI,1084
|
218
|
-
paddlex/inference/__init__.py,sha256=upQUW9kKCFteKGXClEmVDruKT3NN21vO4sGFhWsx-HY,736
|
219
|
-
paddlex/inference/components/__init__.py,sha256=3p0G_Bh-UHq4FuREpdlPH_Ew3j22oSxpEc-fVewa2d8,720
|
220
|
-
paddlex/inference/components/base.py,sha256=MO1odoglFzddhjuuav7_Wq_MawW-23BilyMq_h9yukQ,11405
|
221
|
-
paddlex/inference/components/llm/__init__.py,sha256=DAwD3Gfh5zIOzkcpVgvn4QqdygCSfMn_fEXQzaPoQDQ,885
|
222
|
-
paddlex/inference/components/llm/base.py,sha256=IXO3trr4WcQJ1GYqd5vBHdENaMez5_US9g1pmojwJzQ,2120
|
223
|
-
paddlex/inference/components/llm/erniebot.py,sha256=PAhUwV-FFXqXh0I_IHUIaqtmA6dx3isz-OlvxlOYPrI,7680
|
224
|
-
paddlex/inference/components/paddle_predictor/__init__.py,sha256=1UJIZK8Mj-ij_W7e39P1fmIeaTTVpprEdReR98lPp4U,723
|
225
|
-
paddlex/inference/components/paddle_predictor/predictor.py,sha256=ZJ-Jc6U-liYSEoESyW2uKD--u9S0lBcInZDUiCYF-k4,11641
|
226
|
-
paddlex/inference/components/retrieval/__init__.py,sha256=7__LyAYNdboUctQtssyuRuQy6s6L5YqUXgGbFcRGSP8,655
|
227
|
-
paddlex/inference/components/retrieval/faiss.py,sha256=Q9E5U3eJ_yA-tTysZFkDq_Cm7-lkpWLv9PXhbKuZEDc,12350
|
228
|
-
paddlex/inference/components/task_related/__init__.py,sha256=w4qHomxPHvADdLYdQeMEoAcoLcE3Mxw7moqR-l3v1YY,1129
|
229
|
-
paddlex/inference/components/task_related/clas.py,sha256=kZ2MSFvRtWdlKc84gjWlbws6Iyl5ksKjWS2WxqkFsXk,3999
|
230
|
-
paddlex/inference/components/task_related/det.py,sha256=tva0tvQOrvnKDipbBANzCOmRjCYoeuhhr7XNEHAtDKs,8654
|
231
|
-
paddlex/inference/components/task_related/instance_seg.py,sha256=9TQ5dl_l4EDIYzCh5-WBLkPE1BhX2A5RKoRmpwhrT98,2939
|
232
|
-
paddlex/inference/components/task_related/seal_det_warp.py,sha256=j_jTVrprJ-UrKz2YQHQjDoIvnRgc2RjoCntzgdBicqg,32053
|
233
|
-
paddlex/inference/components/task_related/seg.py,sha256=FaSzFyppC2z42J0CHjUZcPlAuPA2kv2NXU9eajmDoQo,1239
|
234
|
-
paddlex/inference/components/task_related/table_rec.py,sha256=2pJy-eJp7bmhCHCFveWltCFkPaqjozc8u2MgoqOiS9Q,6847
|
235
|
-
paddlex/inference/components/task_related/text_det.py,sha256=VkSfMGW3FUlOMW3HT4py8SkCyKskcPDid11x6XtWTVY,32540
|
236
|
-
paddlex/inference/components/task_related/text_rec.py,sha256=fIbiL0lYKPV0OLd2-u45ZF00Dl_QExdVFYFQtPDi78U,12227
|
237
|
-
paddlex/inference/components/task_related/warp.py,sha256=P3O_qqT1dV8dFyZw2GK3D4L7QHYyIsHRKCbjGbS80u0,1474
|
238
|
-
paddlex/inference/components/transforms/__init__.py,sha256=k9LLVuA73sh5nn_aXEGdk0efPPnN_GPfyHfqzGbOllw,648
|
239
|
-
paddlex/inference/components/transforms/read_data.py,sha256=7_VlMQlk6aH8LlIPVFWHSzhnYASBvA-EX7UjVoSAwZ8,2269
|
240
|
-
paddlex/inference/components/transforms/image/__init__.py,sha256=uEkF8CbT8zyrd3OxJZsbp_4EZanh0hPsOTir55FCFpM,631
|
241
|
-
paddlex/inference/components/transforms/image/common.py,sha256=fNKSNcbHvl4jEav5kcRTivj8oUbfR94aFtxJ6kap5Og,19004
|
242
|
-
paddlex/inference/components/transforms/image/funcs.py,sha256=f0jZGcXCfNWZcM2XENyliNxLN3JaIyJwxplpz7s5Muw,1558
|
243
|
-
paddlex/inference/components/transforms/ts/__init__.py,sha256=uEkF8CbT8zyrd3OxJZsbp_4EZanh0hPsOTir55FCFpM,631
|
244
|
-
paddlex/inference/components/transforms/ts/common.py,sha256=Ur678DxksV1BuJw7wgJKwJhtLVUhlm-XaEnMjwaWqIg,12826
|
245
|
-
paddlex/inference/components/transforms/ts/funcs.py,sha256=u7bATyZB1hOfRsnceC4-4W-xOUgYLZVwUPkZRGpPgoY,12565
|
246
|
-
paddlex/inference/models/__init__.py,sha256=jqQXa9zL4URRP3PHwKYdiX-eFMDNRJec2cjYiWOgowA,3473
|
247
|
-
paddlex/inference/models/anomaly_detection.py,sha256=szMnxZag20fu4sgNA4yzAUORLavwaSHLSGGJEbn53_U,2740
|
248
|
-
paddlex/inference/models/face_recognition.py,sha256=RorwD4-BJQ4jNkPERNcRG20_TWbhiFJH3BQSN_ZOqdU,786
|
249
|
-
paddlex/inference/models/formula_recognition.py,sha256=01Y-JGqpX098qBGjpSP_moILtSZxaGgua_EHQ9RrBuU,1739
|
250
|
-
paddlex/inference/models/general_recognition.py,sha256=bExmJHeRrVCOx80rfguYiERBK5_WSOt3pNrL_-9rBqk,3041
|
251
|
-
paddlex/inference/models/image_classification.py,sha256=ayU6kcqBQVohv5lIARtSJWyl-sFGPECmBM7daHr6PuI,3321
|
252
|
-
paddlex/inference/models/image_unwarping.py,sha256=ePhkfFCZeoOM8oLnWsKSgh7DDBOPKr-6Vs74iHnxnGE,1427
|
253
|
-
paddlex/inference/models/instance_segmentation.py,sha256=hGUneKG3uolWflv77YRA4pBPVOs1sBNicz9XHNUbtJU,2317
|
254
|
-
paddlex/inference/models/multilabel_classification.py,sha256=mWFp52LfPfzpukBQgetk2uu4jYgMrFOBFCVYIwoyO6k,1198
|
255
|
-
paddlex/inference/models/object_detection.py,sha256=45ga2aYiHyZSR8JDKvFuNuTfHAuuGLz2vLeSJdPWPNI,4042
|
256
|
-
paddlex/inference/models/semantic_segmentation.py,sha256=85xRf2fGQj86T8PtxxLKt6anaqpwhR2h1fBv8K7ltew,2648
|
257
|
-
paddlex/inference/models/table_recognition.py,sha256=fIjD4C-ALLgtPGCy8J5cZIyiTxfdDeUPSzBFN8qlEJ4,3325
|
258
|
-
paddlex/inference/models/text_detection.py,sha256=iv_YyeRvcT4RQXo1GYOQcW8ctWmQbEw5mgM0Ocr8rxU,3483
|
259
|
-
paddlex/inference/models/text_recognition.py,sha256=aXL7j_KSIExVzuDKVxHL9gjAMnajvMUy1bUrJMgAvu8,2519
|
260
|
-
paddlex/inference/models/ts_ad.py,sha256=YkO7ud6TGWtZRNH71yzYj_fKTI9gpg17Lq75Hl90Ces,2359
|
261
|
-
paddlex/inference/models/ts_cls.py,sha256=ITJ4a68IkesEUyLFhF898jG3nNu-J42ZBItAQQTJ-9Y,2068
|
262
|
-
paddlex/inference/models/ts_fc.py,sha256=q1uPtA2IK4auPlyZFJNMxHks5M0j_S93m6BDrhQ01a4,2666
|
263
|
-
paddlex/inference/models/base/__init__.py,sha256=n0BJ9H1RRoV9XdiPm0MlT7DAp6u83lP6IrH7xNutnmk,695
|
264
|
-
paddlex/inference/models/base/base_predictor.py,sha256=dvTnLfuXbrcjah1FPNoPxxHvE7lcL35rcNJtYwmb_VU,2234
|
265
|
-
paddlex/inference/models/base/basic_predictor.py,sha256=a8Ys_t43rJVY61jDH4m5CG1Iq0BmlcNDMeST2_H3xsg,4294
|
266
|
-
paddlex/inference/pipelines/__init__.py,sha256=eysuTbdmiSKeZ66TgG875ubDV5yHzohgpiPHM8yq-tc,3894
|
267
|
-
paddlex/inference/pipelines/attribute_recognition.py,sha256=QhvS1TEYja-LTYbKUohocxL-hgnfxhANAH31QDzRGdI,3350
|
268
|
-
paddlex/inference/pipelines/base.py,sha256=mrvCshOiYlPvPpC79y7rNGipjwrPsL0KosUuZiI9H7A,2807
|
269
|
-
paddlex/inference/pipelines/face_recognition.py,sha256=GeDedB0WqpTnOSK3_82sGMwogFTyfjdSQ-Lnj5EmNWA,1929
|
270
|
-
paddlex/inference/pipelines/formula_recognition.py,sha256=Pg3ZWva02t9GAXgwJfuBxJ7Jug1i-1CCSeLERkUgsEg,4274
|
271
|
-
paddlex/inference/pipelines/ocr.py,sha256=KVVEfnTbJ23Sw5Pjbk2bJb19Do731mKc_rhZy3jKF-Q,3121
|
272
|
-
paddlex/inference/pipelines/pp_shitu_v2.py,sha256=StcdbZvRk_cGp5bQjqpS6j7jewsjVBty5WXGHuPLOX8,5065
|
273
|
-
paddlex/inference/pipelines/seal_recognition.py,sha256=0Y5-gS8zlUqHI-48P1hSictULD5NB3BgxvFSIsVyQbo,5549
|
274
|
-
paddlex/inference/pipelines/single_model_pipeline.py,sha256=x19tMpq7vBTemf3_7QVFf5k992e79fA4cbvtoSbd4pY,2112
|
275
|
-
paddlex/inference/pipelines/layout_parsing/__init__.py,sha256=Cfc9kloSRiG4UJIR1s5rKdBlN2sm6-qld4iQ_BIRtsQ,659
|
276
|
-
paddlex/inference/pipelines/layout_parsing/layout_parsing.py,sha256=FNY9K5efWt0qj4AKblymm4vOQzE_MtmPNg51e-NjNlA,15083
|
277
|
-
paddlex/inference/pipelines/ppchatocrv3/__init__.py,sha256=d2CAL0vEcnfF2uPGsoMPBt6qv-pOgw-n9lVvNO97kcg,652
|
278
|
-
paddlex/inference/pipelines/ppchatocrv3/ch_prompt.yaml,sha256=x8C3SBoB9WeA1E8kS71V-nAjWBf5ggPgG9hJGiQR4-o,1613
|
279
|
-
paddlex/inference/pipelines/ppchatocrv3/ppchatocrv3.py,sha256=c2oZ8PMreGuiHklKJEMV0yNF8mFQN92xl6jmI27DO40,27764
|
280
|
-
paddlex/inference/pipelines/ppchatocrv3/utils.py,sha256=nMnUY-mOCywuApPpKmhtV9Scgv5PVx6brCGjnlFGgCc,4966
|
281
|
-
paddlex/inference/pipelines/serving/__init__.py,sha256=TN1NsDpQWiOhZmK5oEA9xv315Y7FEITlvZ9LPE8Oi64,723
|
282
|
-
paddlex/inference/pipelines/serving/app.py,sha256=4Zw20ScQqISIoGyf2E8BZU8NO_39X0TyUp178WZ8f2g,5254
|
283
|
-
paddlex/inference/pipelines/serving/models.py,sha256=uV4rIk5M23-R_NEXNapkzuuOZSZAOwb-1dJWkz0sZuU,878
|
284
|
-
paddlex/inference/pipelines/serving/server.py,sha256=n0CB9f78ZA5ghEnudv2Y8pFUT2sD1Q_MAfC0tYjOgDM,1059
|
285
|
-
paddlex/inference/pipelines/serving/storage.py,sha256=S8nSgfpbmoO0887cG8SUCun-VFxUlXOHVUDoa274OQ4,5033
|
286
|
-
paddlex/inference/pipelines/serving/utils.py,sha256=4-ZlLlgG2601DnHjeKBBDXoXiownM2_WLEdvJo8Op5w,5960
|
287
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/__init__.py,sha256=8kWjM_f4I0DpkxaOH9_BAz78dJ2av7LF0VEKMwGW2eU,9641
|
288
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/anomaly_detection.py,sha256=W2KtohLSVGfiiqVK8StTfhEiNzjc1TCe0BLoHwPh6bo,2668
|
289
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/face_recognition.py,sha256=EGldmvfy3j6Q0A3QebR-1avYdILqD-QcAEdAV0_8-yU,10354
|
290
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/formula_recognition.py,sha256=A8hhk7pnO_NJGDM3M-n1IoPTuF0EBD8O3U8vycANJvg,3871
|
291
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/image_classification.py,sha256=OfW8lqkfWhjAj5b_vjRbPTWNkmn_RT0FO42f553i25g,3301
|
292
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/instance_segmentation.py,sha256=Us37XO_DpA00AFpsZOlyxNBuu7q70ETzacGcXEIvra0,3441
|
293
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/layout_parsing.py,sha256=VqiUOtasXrVhFdMGJFsXAaf1TsD2Y-e1tH4342tPeBw,7274
|
294
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/multi_label_image_classification.py,sha256=Xg1YJrCtIrjv7kW77glBm4DZCA4TPoGInT-5KNeUA50,2850
|
295
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/object_detection.py,sha256=Tq9C3VBBDF25stdXi-DmmmU3KPxEWwKUzrtYOP2WEOU,2900
|
296
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/ocr.py,sha256=JqA-BokBgwVo79pmwVkio5ozSW3LPh9ukm80zi5nmZg,3212
|
297
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/pedestrian_attribute_recognition.py,sha256=xECXyypGX4MPBWT6DVnugwL8iutkwfpBH2hid_lEGNA,3183
|
298
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/pp_shitu_v2.py,sha256=fsnhFNWPXia3m4tDQbzfjkuNuD_MoqO5q6HEmBsuh48,10464
|
299
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/ppchatocrv3.py,sha256=WujGgeIKNvcAIsCAtERD4ja0xrHzL4393oUkA2iBMMM,15030
|
300
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/seal_recognition.py,sha256=jwBe5vJua78JcLQsNOPJ6_kYBc8ZgVmu_BBTkMYHOuQ,3633
|
301
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/semantic_segmentation.py,sha256=PwSwlo3hQ1JjuvUctrYirLWIiUpHHGOGGC7K4iRVSIs,2680
|
302
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/small_object_detection.py,sha256=1qcx9TTEy_It5acz7LRAXIC2qGeQg_tH5cdL658WTt8,2915
|
303
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/table_recognition.py,sha256=dPbiIHXwYNSK4jpOxzBFPGFgKM2mO3p25LTuPOm7pXE,3610
|
304
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/ts_ad.py,sha256=hRR0vnGd3_CqaqT8iP0Sc97XU4gWMbQhXyb3iaMi9Yg,2195
|
305
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/ts_cls.py,sha256=srtViGQbbOsCQUw43AmHxd2df0cQt4kEl77HrDX1rfY,2220
|
306
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/ts_fc.py,sha256=gwJiW-cDYl8iajaf48uckZIcLq92w12nS94WaDNc8Zo,2190
|
307
|
-
paddlex/inference/pipelines/serving/_pipeline_apps/vehicle_attribute_recognition.py,sha256=Q1-vzRADv-aMmD9Eq2Z_3Lg9wJ3H34p3Ftu1PMHQnn0,3147
|
308
|
-
paddlex/inference/pipelines/table_recognition/__init__.py,sha256=gSuJVcvSmysStpvTToAdtZpfTjt9arxDTR8j6UFirp0,676
|
309
|
-
paddlex/inference/pipelines/table_recognition/table_recognition.py,sha256=FnBVofXLIPsj-LOPZW4zVX3qXEl2kfBYhXI6_v-6UfU,7408
|
310
|
-
paddlex/inference/pipelines/table_recognition/utils.py,sha256=uE9YkigF3u6z9FWk4zo96DD1APTPa7Uxxy8E6HJyMJk,16751
|
311
|
-
paddlex/inference/results/__init__.py,sha256=rAnyqhF6DcZXYrqb6-o-BCx0GRSxzOHJxLp74OptXBg,1285
|
312
|
-
paddlex/inference/results/attribute_rec.py,sha256=qQdaUCQPa051J0Wa6GrBdDUy44tUBMbw43fY6RC7lhA,3068
|
313
|
-
paddlex/inference/results/base.py,sha256=c2EEjC4YR098jgU-mKfg8-05IoLhxw1oNLHl-oYj_FY,1493
|
314
|
-
paddlex/inference/results/chat_ocr.py,sha256=cQbnJG040EYmq5w2ThEeAmNerRm8Liq1aHj26scE6FQ,5557
|
315
|
-
paddlex/inference/results/clas.py,sha256=oqklRP7OmHgvAvzN4i96PS_VeQ-9Tx-XAJASXe7mu3w,5069
|
316
|
-
paddlex/inference/results/det.py,sha256=gJ3k2aBlVSMWYyo5fdPW0qTxnZy7IJzVzzpc7eDAvlM,3023
|
317
|
-
paddlex/inference/results/face_rec.py,sha256=6fIiIyStMe2HYk8d3DBS5D5XjsZVGWHwEOaD3pzzK6A,1192
|
318
|
-
paddlex/inference/results/formula_rec.py,sha256=4MrpMVPNerVl-z0l90eGsVrEqWRhecx6lAfjfC4AWgc,13173
|
319
|
-
paddlex/inference/results/instance_seg.py,sha256=6GS9XVIlKj2XoEumOiJTISFDkMJP6WlETk3dzZMUYl0,5099
|
320
|
-
paddlex/inference/results/ocr.py,sha256=5VPe_3858eIF6Q3lAKMEkKB8b6504sb2WHd5NU8EGUo,5498
|
321
|
-
paddlex/inference/results/seal_rec.py,sha256=5x6nFp9EHWhiq7NAR9n8RdP_wtQkaikkUcAoqJ8k64Y,1882
|
322
|
-
paddlex/inference/results/seg.py,sha256=DetOAc3iGFROfsWeTbWPwPOUgbdWcyI1Qbtg5jd5fCE,2344
|
323
|
-
paddlex/inference/results/shitu.py,sha256=SbXiJlmf5UULvhPrLVGX4sm4ZJPivNHwaNE3DQURYiU,1151
|
324
|
-
paddlex/inference/results/table_rec.py,sha256=8iqAEypuoZQWlh3PpvDxhUz38aL3BHJNG9MSeCwltXk,3766
|
325
|
-
paddlex/inference/results/text_det.py,sha256=sUjc9zhinlno-X1od9dh0UF63enYtzT0qHyPUCsYGRo,1146
|
326
|
-
paddlex/inference/results/text_rec.py,sha256=_kaQf_NGV8vorjSz9XCqMM84iFGdorraIaHZCMHm95E,2318
|
327
|
-
paddlex/inference/results/ts.py,sha256=BOhTGZsXbD_Eb7l7G9V6FqngJ4wb4PO56Mo0kYbqvG8,1097
|
328
|
-
paddlex/inference/results/warp.py,sha256=8TlhejYg5Tcthi-SfHGQBsCAWrzTBTFI_WqwZ2X7I9s,970
|
329
|
-
paddlex/inference/results/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
330
|
-
paddlex/inference/results/utils/mixin.py,sha256=PWb7gdYXYxgadaOE3K-a2ukene-qxDvNqgcDQIt4o00,6522
|
331
|
-
paddlex/inference/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
332
|
-
paddlex/inference/utils/benchmark.py,sha256=72pdiJ2TWjJ8CON6AbX_xHIGbQE09pvOLFOVPGvHOhA,6776
|
333
|
-
paddlex/inference/utils/color_map.py,sha256=v1mEned5Zq9y8UDfhOsN8vFgtsqs-BjQdwCNul-OTNI,2952
|
334
|
-
paddlex/inference/utils/get_pipeline_path.py,sha256=R-3jVnIMwa2Q_Ip_WY93ssjO0uawNnZK6j96HJC0T4Q,942
|
335
|
-
paddlex/inference/utils/new_ir_blacklist.py,sha256=7gMjt7sFCW1r6Jc1YjV6A_-rYqG6TsvKzMuKpfpYfrE,754
|
336
|
-
paddlex/inference/utils/official_models.py,sha256=6tazukQ2Ip3ZbjKnc2pgNRqoajQjuApEa0gezQo_bVY,31472
|
337
|
-
paddlex/inference/utils/pp_option.py,sha256=Aq9R61hcYNGjAMTkPlhY4DfEWXfVuFLXIt71qp0B33Y,7417
|
338
|
-
paddlex/inference/utils/process_hook.py,sha256=mNawglDoGgBGTpnZtLIXfCRwGAfe6I8qdsEYPMEcBrE,1766
|
339
|
-
paddlex/inference/utils/io/__init__.py,sha256=VQjFpJ4_5nswjzB9SBeueUElV3dka-CocyCrO5Czii0,884
|
340
|
-
paddlex/inference/utils/io/readers.py,sha256=UF27GovlMlTiFrFjin4puN9UcYol2VTXic_jXcGX5YQ,9154
|
341
|
-
paddlex/inference/utils/io/style.py,sha256=6rjsBlnIThu_3clhDAac7oWM2hMLqfc2SaZnIOEpTuU,11240
|
342
|
-
paddlex/inference/utils/io/tablepyxl.py,sha256=sd4_wp0SHn53p_ptF15Pjp99Xn4XO2T7aHEgjJWedY0,4965
|
343
|
-
paddlex/inference/utils/io/writers.py,sha256=NBSiAm1L9ZmPabShVB2qP02Mhp357YshSSv8CdCyeb8,10201
|
344
|
-
paddlex/modules/__init__.py,sha256=CGbo5K02jIj4xQrMuOzqloIttO3P7ZIwgQ5HYHmfWyI,2372
|
345
|
-
paddlex/modules/anomaly_detection/__init__.py,sha256=yIiUEFkJ7n5eCQcduwtBxOfIDjETmiThhPppNqBLpbQ,758
|
346
|
-
paddlex/modules/anomaly_detection/evaluator.py,sha256=rN6hKYFbclpDcIaY8GRG8eGdqoeuKFAtcNm26Rm05WI,1751
|
347
|
-
paddlex/modules/anomaly_detection/exportor.py,sha256=QTZw-n394pY6SFS14N8-3B-vqhE1-FNv_5q5_fCwNOI,777
|
348
|
-
paddlex/modules/anomaly_detection/model_list.py,sha256=mvF5YzXv-1oYLWWZgJ7OwS5JKv5bHiqncw70cktppxA,629
|
349
|
-
paddlex/modules/anomaly_detection/trainer.py,sha256=Bb-h_wW7IV9_dG4BvaXtTEE_KLJj9JKiBSxQBDYYZpg,2766
|
350
|
-
paddlex/modules/anomaly_detection/dataset_checker/__init__.py,sha256=s2GnxoAM8uF6bzJ5S2ZEmXe21qx55cgY3qn9Aa32ycU,2877
|
351
|
-
paddlex/modules/anomaly_detection/dataset_checker/dataset_src/__init__.py,sha256=0q7VNpblu0onnqO_ntoFZPMRWXRMz14Fq2qaHCKy7zY,782
|
352
|
-
paddlex/modules/anomaly_detection/dataset_checker/dataset_src/analyse_dataset.py,sha256=g0AyJvUKeLu_dqrW4UG9ofA06vMI13rJuWNkBGAlug0,3038
|
353
|
-
paddlex/modules/anomaly_detection/dataset_checker/dataset_src/check_dataset.py,sha256=4oRUfUC0dQcilPJD_gbTw1ttKEcR50IRafOZB_i6a44,3751
|
354
|
-
paddlex/modules/anomaly_detection/dataset_checker/dataset_src/convert_dataset.py,sha256=q4XGfhwTkDJmo_stq8sRI9P-0q22vvfU5dfbkD3W9tc,8154
|
355
|
-
paddlex/modules/anomaly_detection/dataset_checker/dataset_src/split_dataset.py,sha256=lhd79MpF5kwMUXRiw8XhjDj7Zizu11OjTh-iLYoQMEk,3294
|
356
|
-
paddlex/modules/anomaly_detection/dataset_checker/dataset_src/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
357
|
-
paddlex/modules/anomaly_detection/dataset_checker/dataset_src/utils/visualizer.py,sha256=wt1C_zLeFwyYdlK9zwI4ba5YCtDNaJGphrsSlZ5c7x8,2657
|
358
|
-
paddlex/modules/base/__init__.py,sha256=iN648kyw7PVNxT9JZNKliJQiWl7XTwIj8EiZ4oZx748,833
|
359
|
-
paddlex/modules/base/build_model.py,sha256=K9n2RgWbnOnFrx6XuoeyOEdTTIoOyabjI6_XFmjoHXc,1221
|
360
|
-
paddlex/modules/base/evaluator.py,sha256=c7enH3akDyqkDr_zjGHzqVoCob9zfsd_729jTJx50Jo,4989
|
361
|
-
paddlex/modules/base/exportor.py,sha256=dFRegsW2Wc1Ir_cieuCa5pOtMpotV3Sa9auQQsBvI7g,3805
|
362
|
-
paddlex/modules/base/trainer.py,sha256=nllUzzYc0nRdGmfmAzxwM7dQPPTrziGGXnlWLe3mVKw,3892
|
363
|
-
paddlex/modules/base/dataset_checker/__init__.py,sha256=LTo4zvnxsla_6q31p7EomcGWYKHU8M57Wiu7JYFNgS8,681
|
364
|
-
paddlex/modules/base/dataset_checker/dataset_checker.py,sha256=tbCqwpErB1JKpkOakOKcdNL9frEvt6l1j7M9f6p7zaI,5131
|
365
|
-
paddlex/modules/base/dataset_checker/utils.py,sha256=qM2fbjt12zkGykc-V966OYwB2NtL_KLyg1fE5xgOi18,3334
|
366
|
-
paddlex/modules/face_recognition/__init__.py,sha256=gMZ96KajD9_QFHjRg_ZEFUD4_0J8hy4QKR0REHDrpyI,774
|
367
|
-
paddlex/modules/face_recognition/evaluator.py,sha256=i-d2z_rwZHAMjs-dzjzwjIkCgq6cr6Tms9J7pJwm-c8,1937
|
368
|
-
paddlex/modules/face_recognition/exportor.py,sha256=4pTOpy-ljFCL8_SYLHjHIngbqeLr65JOJOh57OkGAL8,776
|
369
|
-
paddlex/modules/face_recognition/model_list.py,sha256=5vlBsfnuvgPjI9Sy0oCeo82-H2dMn2gC0pvCvwJA82Q,653
|
370
|
-
paddlex/modules/face_recognition/trainer.py,sha256=duYDAZzW6lT8mLPJq4HtpfmD5Hxm9SzBc2WlVx00qck,4178
|
371
|
-
paddlex/modules/face_recognition/dataset_checker/__init__.py,sha256=Q34ujRIMqhGGu0OJC3Y9KRt9FtAaTNeD-vW8Or9KERw,2258
|
372
|
-
paddlex/modules/face_recognition/dataset_checker/dataset_src/__init__.py,sha256=55Bzs7YArtRxk5iw_P2Gl7dN6hP-wU5dfbpuaVTt6H0,660
|
373
|
-
paddlex/modules/face_recognition/dataset_checker/dataset_src/check_dataset.py,sha256=71xKWCmIaKMOVjYft3opjLYheHCnx5FOdEG9UFs-SSo,6528
|
374
|
-
paddlex/modules/face_recognition/dataset_checker/dataset_src/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
375
|
-
paddlex/modules/face_recognition/dataset_checker/dataset_src/utils/visualizer.py,sha256=pjhPdG9Gjym_4BJpS7I2LPwW3fGkK1hTPSFlD9vw0qw,4245
|
376
|
-
paddlex/modules/formula_recognition/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
377
|
-
paddlex/modules/formula_recognition/model_list.py,sha256=Z3ZZhSU6tZzLb3co5xf2MTf_dbt7iOAFTkPAJJmfEQQ,643
|
378
|
-
paddlex/modules/general_recognition/__init__.py,sha256=fMNrjzAT7ekg0wGe_gBK6CsEB7ZX5c-Y8Fw19-pz3t4,778
|
379
|
-
paddlex/modules/general_recognition/evaluator.py,sha256=hc_vwvX2tNcyAll28xfjoWhKT7nZcWCrzezcv3gnipk,1177
|
380
|
-
paddlex/modules/general_recognition/exportor.py,sha256=z47oZIMQWoXbsQmv5tBfY2qCNezzKwjRLNqpKDmJ-Tk,792
|
381
|
-
paddlex/modules/general_recognition/model_list.py,sha256=fiYHSBMh_ob7AgAIokX-8WGSDkEnYEhGNlSN4nuJKKM,717
|
382
|
-
paddlex/modules/general_recognition/trainer.py,sha256=ZWSHriIq1MVmvNh5zuebBedvSLNKS8XtcLcIaNffdNs,2314
|
383
|
-
paddlex/modules/general_recognition/dataset_checker/__init__.py,sha256=LU16LRS3B_Er6toUU7ssDaI-CMBBZi970wak9pIaffM,3319
|
384
|
-
paddlex/modules/general_recognition/dataset_checker/dataset_src/__init__.py,sha256=J5Ke-gQQnDaEqAGgV6Wy5D_CY4F45btDVKFSCpO_6z8,763
|
385
|
-
paddlex/modules/general_recognition/dataset_checker/dataset_src/analyse_dataset.py,sha256=CTRyeE66sdpD3PTH6CuLymJUr8HyKy4sWxC5YhTW7Fs,3535
|
386
|
-
paddlex/modules/general_recognition/dataset_checker/dataset_src/check_dataset.py,sha256=xs-pMbBahFRl1bzBFbsi157i_j5b72R-G6e6GUm0K3Q,3883
|
387
|
-
paddlex/modules/general_recognition/dataset_checker/dataset_src/convert_dataset.py,sha256=gug-YPHYgDHLUCIZMJsiZAx78SXAB98kO5Ej74740qs,3486
|
388
|
-
paddlex/modules/general_recognition/dataset_checker/dataset_src/split_dataset.py,sha256=NIILCw-9mScq1hLMl7LLoSD8zRnQ5ynPFVYel1w-Yzs,3048
|
389
|
-
paddlex/modules/general_recognition/dataset_checker/dataset_src/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
390
|
-
paddlex/modules/general_recognition/dataset_checker/dataset_src/utils/visualizer.py,sha256=WO8GUH_MUecehsAMgwM9zpuN-rwyttofIkCt2YSSwUM,4042
|
391
|
-
paddlex/modules/image_classification/__init__.py,sha256=cr4n33KwE7CvSZZt-hkxjbyURy1C6hwUJGjahVeNlPw,758
|
392
|
-
paddlex/modules/image_classification/evaluator.py,sha256=IHl9LL5iVdZykoLOiTAx0FYslayNo8N5gu8FkKoBzA4,1670
|
393
|
-
paddlex/modules/image_classification/exportor.py,sha256=i5fEocNPbdMUym_HgGos_ewqIBsCanLfxDQq3C1tqr0,776
|
394
|
-
paddlex/modules/image_classification/model_list.py,sha256=S7jwBG-fxAAVKwUI5eNPQKLuqtYXh0q-Jez6RgPZv3I,2672
|
395
|
-
paddlex/modules/image_classification/trainer.py,sha256=BF4O3n8OzthskHHw8uU30i7bT5zW7ohQaS0V4kq3AZM,3414
|
396
|
-
paddlex/modules/image_classification/dataset_checker/__init__.py,sha256=4UrewxkJnIlomkz4Z3iJOEjCXXCqKdkFXE_EWOuLv1g,3175
|
397
|
-
paddlex/modules/image_classification/dataset_checker/dataset_src/__init__.py,sha256=J5Ke-gQQnDaEqAGgV6Wy5D_CY4F45btDVKFSCpO_6z8,763
|
398
|
-
paddlex/modules/image_classification/dataset_checker/dataset_src/analyse_dataset.py,sha256=c4inpedPOEcI-X3fYxpvhaDOpH-xjQZAlF_VDR9xHJw,3440
|
399
|
-
paddlex/modules/image_classification/dataset_checker/dataset_src/check_dataset.py,sha256=FvMKBL83hpwND-sqSm-XDrKQ5wR3UTJAK8NYMG4uWpI,5034
|
400
|
-
paddlex/modules/image_classification/dataset_checker/dataset_src/convert_dataset.py,sha256=KpBxrGTPh1DjSg8dRglyunAvFWymJBrCoktEE3G0e5I,1986
|
401
|
-
paddlex/modules/image_classification/dataset_checker/dataset_src/split_dataset.py,sha256=VHbsnWLzeeURf1MEJsbt4SznUrmoK-BhvFtLtgGqdnI,2788
|
402
|
-
paddlex/modules/image_classification/dataset_checker/dataset_src/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
403
|
-
paddlex/modules/image_classification/dataset_checker/dataset_src/utils/visualizer.py,sha256=pjhPdG9Gjym_4BJpS7I2LPwW3fGkK1hTPSFlD9vw0qw,4245
|
404
|
-
paddlex/modules/image_unwarping/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
405
|
-
paddlex/modules/image_unwarping/model_list.py,sha256=aZaLgYL9HTdIhJZFpSR3utKQt44Ja4Ra-SXWmUuJ2tU,635
|
406
|
-
paddlex/modules/instance_segmentation/__init__.py,sha256=t0oJvq0RGiaLYDr9fBJpmIWHqc4pN3i45ql7oCN20bI,790
|
407
|
-
paddlex/modules/instance_segmentation/evaluator.py,sha256=uCkigjMhRT4WxFaBaIlKXMuS2jb9PqfOurVkjBDpMZI,1173
|
408
|
-
paddlex/modules/instance_segmentation/exportor.py,sha256=ycCQud-3o6LYcjEs--49FBTzOEyuouW9elKjdf7e8to,785
|
409
|
-
paddlex/modules/instance_segmentation/model_list.py,sha256=CKxzyhsEtQ7q7wAGUx3MTx8nMyL_WMz2cDkBmPE1Hmo,1075
|
410
|
-
paddlex/modules/instance_segmentation/trainer.py,sha256=vdgY8EWYnyKMnUe_7VlsanqSu5_c-292kAUtH6_IVks,1071
|
411
|
-
paddlex/modules/instance_segmentation/dataset_checker/__init__.py,sha256=c781HeIQUWTbsLm5TEJjfbyh6k6JbRuB5vLJhphga80,2820
|
412
|
-
paddlex/modules/instance_segmentation/dataset_checker/dataset_src/__init__.py,sha256=J5Ke-gQQnDaEqAGgV6Wy5D_CY4F45btDVKFSCpO_6z8,763
|
413
|
-
paddlex/modules/instance_segmentation/dataset_checker/dataset_src/analyse_dataset.py,sha256=S2gnlimMxxulKRvXre7HS9ahGwFAxWt_mu08iaG2I2g,2916
|
414
|
-
paddlex/modules/instance_segmentation/dataset_checker/dataset_src/check_dataset.py,sha256=Hm_KJE-dRtjGfpZFLTo9GQ6giiA8A2sqbRlpJ46qLiM,3637
|
415
|
-
paddlex/modules/instance_segmentation/dataset_checker/dataset_src/convert_dataset.py,sha256=ZWgmI-8WqAlM2C2r7jxCiT3TmWg7Qwo9duF_43J5ay4,8225
|
416
|
-
paddlex/modules/instance_segmentation/dataset_checker/dataset_src/split_dataset.py,sha256=AK6dTh5q3mIpwlFWlkM4VtjfYPx6AG72nfXLhrec5Lk,4320
|
417
|
-
paddlex/modules/instance_segmentation/dataset_checker/dataset_src/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
418
|
-
paddlex/modules/instance_segmentation/dataset_checker/dataset_src/utils/visualizer.py,sha256=VQMdV6sQ4K7BXHx55GlNlHDbgDtrpOR71ERqQRdT4sc,6459
|
419
|
-
paddlex/modules/multilabel_classification/__init__.py,sha256=uohJ-rWf0y2nlgfvnrHJrpunMtxgI235ytyQJbXPg6c,766
|
420
|
-
paddlex/modules/multilabel_classification/evaluator.py,sha256=QD7WMF0VXMmZlGySyV4rwZl-_iLeYB3kcTmDiUo9usY,1674
|
421
|
-
paddlex/modules/multilabel_classification/exportor.py,sha256=-iyjja68guce80e43Zo8cc7UdDuY54etY41VHaOhBhQ,778
|
422
|
-
paddlex/modules/multilabel_classification/model_list.py,sha256=5xThF4-H1qhPHtkVop7kBKtfvYurhMbuaWofANWTSSc,854
|
423
|
-
paddlex/modules/multilabel_classification/trainer.py,sha256=X2Y8No-V1CFk91dQyxE6FPRzDuZChSVtCqkkAOFOygs,3497
|
424
|
-
paddlex/modules/multilabel_classification/dataset_checker/__init__.py,sha256=dEiACpg3DoZ8LTCbFy2nmUxR5KAekZrJUTN67QjdJdw,3253
|
425
|
-
paddlex/modules/multilabel_classification/dataset_checker/dataset_src/__init__.py,sha256=J5Ke-gQQnDaEqAGgV6Wy5D_CY4F45btDVKFSCpO_6z8,763
|
426
|
-
paddlex/modules/multilabel_classification/dataset_checker/dataset_src/analyse_dataset.py,sha256=wdDO69UlKeAWpA9p0uLbWMoc9QUe1oLmAIGq5JRwVuA,3539
|
427
|
-
paddlex/modules/multilabel_classification/dataset_checker/dataset_src/check_dataset.py,sha256=RDKtkVfkH4cVe5k2Bx_-jlErpSy6O-RRp_GySrb1f-M,5069
|
428
|
-
paddlex/modules/multilabel_classification/dataset_checker/dataset_src/convert_dataset.py,sha256=sGigAgmaIGrmb0_SxrVKLQ_4RDBIwZJRYt4fr9pgMi8,4467
|
429
|
-
paddlex/modules/multilabel_classification/dataset_checker/dataset_src/split_dataset.py,sha256=VHbsnWLzeeURf1MEJsbt4SznUrmoK-BhvFtLtgGqdnI,2788
|
430
|
-
paddlex/modules/multilabel_classification/dataset_checker/dataset_src/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
431
|
-
paddlex/modules/multilabel_classification/dataset_checker/dataset_src/utils/visualizer.py,sha256=l5msfsjrgUg_1QJ64bXjykxj7nNyGHKVcEIVM9wN-Wk,3897
|
432
|
-
paddlex/modules/object_detection/__init__.py,sha256=EnL13slukfVjwEAeNb7HRq97_BbDvAPnh8B9LGJTBBQ,759
|
433
|
-
paddlex/modules/object_detection/evaluator.py,sha256=MLGjiRBHIQopcGKZFQ4nOXsyXiJqS2YL2VzdCX1jBlc,1459
|
434
|
-
paddlex/modules/object_detection/exportor.py,sha256=OLBsgo4_E58nbFtmVLLH4wAGNnWZ3e7aUYtVgtVtXSQ,772
|
435
|
-
paddlex/modules/object_detection/model_list.py,sha256=N60f2LeO_ZvGIqUg8V_W5XzQOvoWcYxtz0Al8GUs3ac,2057
|
436
|
-
paddlex/modules/object_detection/trainer.py,sha256=UqTzwly0RbreNBL_VPDWHqBkPa1D5FrC4pXE8KN_-Ug,3337
|
437
|
-
paddlex/modules/object_detection/dataset_checker/__init__.py,sha256=5Zf2KAZhOHNbG3nHgfrX6xTD_u2PUmrKKugOTVW4rCE,3398
|
438
|
-
paddlex/modules/object_detection/dataset_checker/dataset_src/__init__.py,sha256=J5Ke-gQQnDaEqAGgV6Wy5D_CY4F45btDVKFSCpO_6z8,763
|
439
|
-
paddlex/modules/object_detection/dataset_checker/dataset_src/analyse_dataset.py,sha256=QcoHlVaXjgbXg8ScibenrlC8zOfiXaIu6QLcCNzX-XQ,3009
|
440
|
-
paddlex/modules/object_detection/dataset_checker/dataset_src/check_dataset.py,sha256=uN2T6IkM5YrIcQRHTb3BySB0N-zLFZvwB1O91X_--hc,3357
|
441
|
-
paddlex/modules/object_detection/dataset_checker/dataset_src/convert_dataset.py,sha256=NHDg5j6rY7OOBHYEX5EnUDIumwJGql_zyt117lBNVCI,14936
|
442
|
-
paddlex/modules/object_detection/dataset_checker/dataset_src/split_dataset.py,sha256=AK6dTh5q3mIpwlFWlkM4VtjfYPx6AG72nfXLhrec5Lk,4320
|
443
|
-
paddlex/modules/object_detection/dataset_checker/dataset_src/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
444
|
-
paddlex/modules/object_detection/dataset_checker/dataset_src/utils/visualizer.py,sha256=2j49l4KTLW0iV_GKAsYKNfZfpSJijqhbf318A42uzAA,5453
|
445
|
-
paddlex/modules/semantic_segmentation/__init__.py,sha256=VDTIw15cp84NexIempMho0NAyo2QetxGudajP8WW5gg,758
|
446
|
-
paddlex/modules/semantic_segmentation/evaluator.py,sha256=2CDg0mi-EYP2Y9bgPL6U6OUbzMleC13Bc4OAUbVb3Sk,1751
|
447
|
-
paddlex/modules/semantic_segmentation/exportor.py,sha256=fSGoxzHSwF9kb2IUUz35bcE8UFOH0lCtYZON8KuFojI,777
|
448
|
-
paddlex/modules/semantic_segmentation/model_list.py,sha256=3zynvgaqSd45zWg8YX56_N-HKc1fWjtC2pjuVMRByRU,1017
|
449
|
-
paddlex/modules/semantic_segmentation/trainer.py,sha256=12Hb5frmFaJ20Mle4RcgSuOWMIzMJb1fpWHz1q_cBFo,2784
|
450
|
-
paddlex/modules/semantic_segmentation/dataset_checker/__init__.py,sha256=95P-cNMDPpY0BNXxgiNJEcFngIEsAknpR2H4jqqBqU8,2877
|
451
|
-
paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/__init__.py,sha256=0q7VNpblu0onnqO_ntoFZPMRWXRMz14Fq2qaHCKy7zY,782
|
452
|
-
paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/analyse_dataset.py,sha256=P-DHxWE3Ct8YLghDJsJVY3YzFW-i8VC5mkfMGipUKvM,2769
|
453
|
-
paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/check_dataset.py,sha256=fk2MqT4in-3ZnUSCSaGQ2yApRFeWq4fdc-PdWk70ehQ,3491
|
454
|
-
paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/convert_dataset.py,sha256=IsxU9RkWozCXKgei9dxFMmV4PiiaSSj9--x4P8bR3qU,6133
|
455
|
-
paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/split_dataset.py,sha256=lhd79MpF5kwMUXRiw8XhjDj7Zizu11OjTh-iLYoQMEk,3294
|
456
|
-
paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
457
|
-
paddlex/modules/semantic_segmentation/dataset_checker/dataset_src/utils/visualizer.py,sha256=wt1C_zLeFwyYdlK9zwI4ba5YCtDNaJGphrsSlZ5c7x8,2657
|
458
|
-
paddlex/modules/table_recognition/__init__.py,sha256=L3SbIvT1cV8qIzYFOIzZ0zRKJqHN0jO7L9M16CpZDUM,778
|
459
|
-
paddlex/modules/table_recognition/evaluator.py,sha256=0Uq-BSgjQpdoXwwjY7PrhieCK5i3ko8rtqT0SXFkZb4,1405
|
460
|
-
paddlex/modules/table_recognition/exportor.py,sha256=mebec1yBxKbY_jecnf25tYYQ5mHRJ3PRWcIMH_xg1mM,778
|
461
|
-
paddlex/modules/table_recognition/model_list.py,sha256=DBaoatY8DscJlyJSgRR8PL3SEhAKGv6fVIxVOXx_Mbo,656
|
462
|
-
paddlex/modules/table_recognition/trainer.py,sha256=oCHCuaiTBoQuqXfCBHyKanFQNbCAcVgbenfvNHqOGUQ,2669
|
463
|
-
paddlex/modules/table_recognition/dataset_checker/__init__.py,sha256=rklGlVJicGvENXBQeuGx9uCpPCLgfo_IpE8g5Z1OcIg,2461
|
464
|
-
paddlex/modules/table_recognition/dataset_checker/dataset_src/__init__.py,sha256=dfvPpUfOZq77wHftTVX3Jo-69BOBnv27QcpRag6mK5s,726
|
465
|
-
paddlex/modules/table_recognition/dataset_checker/dataset_src/analyse_dataset.py,sha256=AQ08s2W-UaZosQDsRIV-kLIK0MN7-KFgyVAsguzkGKQ,1922
|
466
|
-
paddlex/modules/table_recognition/dataset_checker/dataset_src/check_dataset.py,sha256=iSvI28zxt_XJM_qAhMaBsH7I7G1sSDu30p26X6_oELo,3596
|
467
|
-
paddlex/modules/table_recognition/dataset_checker/dataset_src/split_dataset.py,sha256=zAWFKczX1dYvygldbOaknGkAerWtWER7AWT3nPzuQVM,2787
|
468
|
-
paddlex/modules/text_detection/__init__.py,sha256=vNNTAM2uJt51A2dPVa0AzLWjhcib6WQ77Llrej6kvdE,774
|
469
|
-
paddlex/modules/text_detection/evaluator.py,sha256=13qfAsc6AU_q_aCjs0oDGu1FAgXIhr4ci5YpDBi2t3o,1372
|
470
|
-
paddlex/modules/text_detection/exportor.py,sha256=8lU7OL8ZHmAHfH0DiuuxfJbNs3AWpNc0rEmnTZTU_6g,774
|
471
|
-
paddlex/modules/text_detection/model_list.py,sha256=ZtpuToEWYyd1lCUWOhghto1Ot9W0mT3_v5L53djfNTg,813
|
472
|
-
paddlex/modules/text_detection/trainer.py,sha256=bUDkcK6-xD67hP-LlTplAjHV44eYdCjbjn_QLrdG0OY,2636
|
473
|
-
paddlex/modules/text_detection/dataset_checker/__init__.py,sha256=bPkppIM6peizlfYhUJNcnfSTbfF2drFgJ_sV1_lwx9s,2717
|
474
|
-
paddlex/modules/text_detection/dataset_checker/dataset_src/__init__.py,sha256=dfvPpUfOZq77wHftTVX3Jo-69BOBnv27QcpRag6mK5s,726
|
475
|
-
paddlex/modules/text_detection/dataset_checker/dataset_src/analyse_dataset.py,sha256=pFWyZwrMl0ESaIcgl-n_jX-QUWoBjKVZAATy7xtnaw0,7921
|
476
|
-
paddlex/modules/text_detection/dataset_checker/dataset_src/check_dataset.py,sha256=JM3rNPeCDPz8UG2kt44iueeYA5oyZE4qWbIU8p-HZj0,3764
|
477
|
-
paddlex/modules/text_detection/dataset_checker/dataset_src/split_dataset.py,sha256=xbaGDSFUuWHxmdq_euObN11ZOaTmxDaCIIaiw-qPkgI,4787
|
478
|
-
paddlex/modules/text_recognition/__init__.py,sha256=2CQ5-tfTbP-UPweZhWfOTQoyUoGu9e0AW7GCKiZSE5g,774
|
479
|
-
paddlex/modules/text_recognition/evaluator.py,sha256=LqJbpyRBhclPrNjS5VTVBUo0PKgzipC-FCV9UDtdsFU,2207
|
480
|
-
paddlex/modules/text_recognition/exportor.py,sha256=9y2P6hr0YNgqcr31h5DYq1_tmBfIr2kTJjskkxcz9nc,876
|
481
|
-
paddlex/modules/text_recognition/model_list.py,sha256=hKsvaLtVX4NJlZIx0y1VqFkpaNe10y5tW2KVvaAxecQ,719
|
482
|
-
paddlex/modules/text_recognition/trainer.py,sha256=PBhCkGWiUPOxQlMF10O7_dCfhYon1O19yjx7xr02u7o,3970
|
483
|
-
paddlex/modules/text_recognition/dataset_checker/__init__.py,sha256=DmHej3JP0-c0NbHV5WdftD0Hame9OPWUwjUef0eY298,3432
|
484
|
-
paddlex/modules/text_recognition/dataset_checker/dataset_src/__init__.py,sha256=J5Ke-gQQnDaEqAGgV6Wy5D_CY4F45btDVKFSCpO_6z8,763
|
485
|
-
paddlex/modules/text_recognition/dataset_checker/dataset_src/analyse_dataset.py,sha256=G46ae35FXRDhJZtWT0F7kNM84Jm4rOwLwviQL8RbCjk,5543
|
486
|
-
paddlex/modules/text_recognition/dataset_checker/dataset_src/check_dataset.py,sha256=dIIcnEpuXgytmenT_pjxEEUUava5JZMM53SzuGasn1A,4075
|
487
|
-
paddlex/modules/text_recognition/dataset_checker/dataset_src/convert_dataset.py,sha256=O-aYd1oCEwJocTFo6J5Ny0DmUs4SnwJXjiK9QhnefA0,3507
|
488
|
-
paddlex/modules/text_recognition/dataset_checker/dataset_src/split_dataset.py,sha256=NBRDbDIsYzLBPATUiRxvaa_TjdmUioM2L0vFvLqFwF8,2802
|
489
|
-
paddlex/modules/ts_anomaly_detection/__init__.py,sha256=wJ-K9_hhIXwXS4F3IiG5bEk10zb3-kGmzd7PuddHlpU,763
|
490
|
-
paddlex/modules/ts_anomaly_detection/evaluator.py,sha256=H3Ch-kHS8dpHBrLNh12-O7BkwiljWtv_63HRmlemxiU,2280
|
491
|
-
paddlex/modules/ts_anomaly_detection/exportor.py,sha256=BNrrcCm8XYwEhC7eIjT2Jp45xlBteMil_SiEGabPoHo,1436
|
492
|
-
paddlex/modules/ts_anomaly_detection/model_list.py,sha256=OQuKGXhHw1YHFNLPTv47QPxlnhOcDl_pKl-ZCs0HqQA,725
|
493
|
-
paddlex/modules/ts_anomaly_detection/trainer.py,sha256=xh88bGTbaubpd9Jsv6U_SMB9eB_5bPyXgh9l5QzOoUA,4087
|
494
|
-
paddlex/modules/ts_anomaly_detection/dataset_checker/__init__.py,sha256=ttOdz_gRdprzKNd0dA-L5CsukNWFVqL3alGGPlX9_oU,2832
|
495
|
-
paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/__init__.py,sha256=J5Ke-gQQnDaEqAGgV6Wy5D_CY4F45btDVKFSCpO_6z8,763
|
496
|
-
paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/analyse_dataset.py,sha256=4hnQtB9X13IwtnVgKJac_Lta_N_E7nQhuXlmpeYt99w,809
|
497
|
-
paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/check_dataset.py,sha256=ewn96zvYwxVzLoOAxgwR5ceDyUS5kRW2IlHG-ctfo2k,2310
|
498
|
-
paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/convert_dataset.py,sha256=_Ge01RpZjEspksMgK_8ewG3D5AoL6n3jAh1pRSVcmcQ,2745
|
499
|
-
paddlex/modules/ts_anomaly_detection/dataset_checker/dataset_src/split_dataset.py,sha256=Hqt7WYLsHPIYJn8HfMptoMHp8Apf4lzQEGY2F6_plmA,2166
|
500
|
-
paddlex/modules/ts_classification/__init__.py,sha256=hyY-XsszujebJjxH30BjZYtwDjzgdjlco0C38hU2feg,767
|
501
|
-
paddlex/modules/ts_classification/evaluator.py,sha256=_aA_Vg2D_9MtHfxiZyesIpGBKQObm4qiS4lfTkm68g8,2210
|
502
|
-
paddlex/modules/ts_classification/exportor.py,sha256=nHb1sN2FhJfMVJKk0aIGR3O-PY_RphluZ2yMxHtDohA,1437
|
503
|
-
paddlex/modules/ts_classification/model_list.py,sha256=h6WuCVGZH06JL9DrUYgRRJIV_KVnbVOUOe6_B6WvHIc,643
|
504
|
-
paddlex/modules/ts_classification/trainer.py,sha256=m1eJHfHpCDafMY-NW3jUBQ0NT06Wvi9m1L20isZFz0s,3849
|
505
|
-
paddlex/modules/ts_classification/dataset_checker/__init__.py,sha256=Cnrki1gceDTFEurG0RXWhWAVimN1Kvwy7pEwC5YGnps,2831
|
506
|
-
paddlex/modules/ts_classification/dataset_checker/dataset_src/__init__.py,sha256=J5Ke-gQQnDaEqAGgV6Wy5D_CY4F45btDVKFSCpO_6z8,763
|
507
|
-
paddlex/modules/ts_classification/dataset_checker/dataset_src/analyse_dataset.py,sha256=Tx3MlTyEh6083ag9PcFpZ80vefN3C772GIQ74TqxPcE,2802
|
508
|
-
paddlex/modules/ts_classification/dataset_checker/dataset_src/check_dataset.py,sha256=ewn96zvYwxVzLoOAxgwR5ceDyUS5kRW2IlHG-ctfo2k,2310
|
509
|
-
paddlex/modules/ts_classification/dataset_checker/dataset_src/convert_dataset.py,sha256=FVtbetjnnJBrwQSzNH_fbEflzy_AhdH57PNVtrV0kMs,2768
|
510
|
-
paddlex/modules/ts_classification/dataset_checker/dataset_src/split_dataset.py,sha256=yXx9eF0gdVEuqwXT5mTs1dL9DbCEyU4SC7TbHoFOfQM,3347
|
511
|
-
paddlex/modules/ts_forecast/__init__.py,sha256=HXv4Ce0tEDmns3hodGh4rYnbGYf8tTBSex-i7Dq9y3M,763
|
512
|
-
paddlex/modules/ts_forecast/evaluator.py,sha256=5hHA5v63JVD086jV14AdW07d93L6ldttP7dB_CIJuWo,2200
|
513
|
-
paddlex/modules/ts_forecast/exportor.py,sha256=0hXegCltfNegj9Xno37_0k6CdmykSVR67AepHfRAll0,1436
|
514
|
-
paddlex/modules/ts_forecast/model_list.py,sha256=T18wV6nGx5W0KtRVaYVD15fUuCZPVnzGOyvPmEpxf3Y,733
|
515
|
-
paddlex/modules/ts_forecast/trainer.py,sha256=brl8a029um7vfWkvjQRCkaKAjWWNRKvaSazHYDKL67I,3891
|
516
|
-
paddlex/modules/ts_forecast/dataset_checker/__init__.py,sha256=QkNQt0p9SdPSnTdIWaam3YsAK3gngUlxlmwtLWPdQy0,2821
|
517
|
-
paddlex/modules/ts_forecast/dataset_checker/dataset_src/__init__.py,sha256=J5Ke-gQQnDaEqAGgV6Wy5D_CY4F45btDVKFSCpO_6z8,763
|
518
|
-
paddlex/modules/ts_forecast/dataset_checker/dataset_src/analyse_dataset.py,sha256=4hnQtB9X13IwtnVgKJac_Lta_N_E7nQhuXlmpeYt99w,809
|
519
|
-
paddlex/modules/ts_forecast/dataset_checker/dataset_src/check_dataset.py,sha256=ewn96zvYwxVzLoOAxgwR5ceDyUS5kRW2IlHG-ctfo2k,2310
|
520
|
-
paddlex/modules/ts_forecast/dataset_checker/dataset_src/convert_dataset.py,sha256=-vgGUO-yMdAX9tkL6MpnKJAA__p1P6wNted4V4qWD60,2767
|
521
|
-
paddlex/modules/ts_forecast/dataset_checker/dataset_src/split_dataset.py,sha256=Hqt7WYLsHPIYJn8HfMptoMHp8Apf4lzQEGY2F6_plmA,2166
|
522
|
-
paddlex/pipelines/OCR.yaml,sha256=Bx-m7tjaohvl3pQzetE3H3vhtxFypXEZVYGkEc0K1As,239
|
523
|
-
paddlex/pipelines/PP-ChatOCRv3-doc.yaml,sha256=w-5lggntoGs9ElgmWK2NlVAdnPO3Xnm9NEQK-fUGgt4,929
|
524
|
-
paddlex/pipelines/PP-ShiTuV2.yaml,sha256=VG_iCdR3bFa0jhDatvTbMniTws15XOmlMfFP9z63A_c,257
|
525
|
-
paddlex/pipelines/anomaly_detection.yaml,sha256=HRMyo4ttPGKVFElM93xNjF0lcZZcUzbpZHTiQ9HBrB8,176
|
526
|
-
paddlex/pipelines/face_recognition.yaml,sha256=NfCQjY7FdDtzO-ksYnNoP1jlIX9gy3YUESaPhOniEtY,297
|
527
|
-
paddlex/pipelines/formula_recognition.yaml,sha256=bsfagYK9C3pJ2pjRL06dpSa0dYPfqjdTTrMAfEOR7SY,263
|
528
|
-
paddlex/pipelines/image_classification.yaml,sha256=FElJ5ZCcmYnai9K0xV8f79AsVpAGTou3M4yn5xmpE9Q,211
|
529
|
-
paddlex/pipelines/instance_segmentation.yaml,sha256=ggWFBA9kpqRMrFr0Fy9r_sak7kAD3WhD3y7yKGz7Xhk,214
|
530
|
-
paddlex/pipelines/layout_parsing.yaml,sha256=ADCFCY7r4im8D-dGrPYsZdijMCXX-MTfvb6n_9eYvzs,523
|
531
|
-
paddlex/pipelines/multi_label_image_classification.yaml,sha256=Mf5UcEO_hTfZr_-9i4sCTb0HMgUH1sEwxDKl9a-yyos,226
|
532
|
-
paddlex/pipelines/object_detection.yaml,sha256=k7FEeCQ3G8X3ZvfsWoUeFaVLYy_0mS9IdxnfItBeQAc,199
|
533
|
-
paddlex/pipelines/pedestrian_attribute_recognition.yaml,sha256=asa7dNtVUISY6MZE2BTMvaCR5S1MmwS-VfsWp9GpAek,254
|
534
|
-
paddlex/pipelines/seal_recognition.yaml,sha256=NvykENnCFV2lTyiHLQL0PURo0euzBeugmz87YtE70lA,314
|
535
|
-
paddlex/pipelines/semantic_segmentation.yaml,sha256=A-8a3bkGPUIfZHp0DMLqjtEW1j9fRu3VTa-0_y6iFP4,229
|
536
|
-
paddlex/pipelines/small_object_detection.yaml,sha256=lrOfdToX3zmhI-OpCOrzgJ9oFlxYxqEOivOc4rDxR6M,209
|
537
|
-
paddlex/pipelines/table_recognition.yaml,sha256=G46SdnfKYUM-AtPvvyd2PLXnGhf5NT5o6IY6RQYGB-Q,367
|
538
|
-
paddlex/pipelines/ts_ad.yaml,sha256=nKijcW6PoFMSJ6kvYOX5mUXn55Y0Ea9XPdl3tdq7wbo,161
|
539
|
-
paddlex/pipelines/ts_cls.yaml,sha256=3tQpD1L1PZNR-ST4m57rF5XeqKWkl8IYec6ob1wwrFA,165
|
540
|
-
paddlex/pipelines/ts_fc.yaml,sha256=FYYVk75oL7YiChkPAckfgeGvbcmSKUvylD5ACdGPM4s,158
|
541
|
-
paddlex/pipelines/vehicle_attribute_recognition.yaml,sha256=kKVm8fjvQwPbzEf4l8QyZ4oewZk6NEMsULZy5oD2WGY,247
|
542
|
-
paddlex/repo_apis/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
543
|
-
paddlex/repo_apis/PaddleClas_api/__init__.py,sha256=jhZ3HcpReiWw5wGOxDU3_GVlssXAT1YPbxD3X-SEqto,720
|
544
|
-
paddlex/repo_apis/PaddleClas_api/cls/__init__.py,sha256=xdsWPTTihlYoXc7SpUNiK-nZ3szWLMiI8wJhNC7hNQE,721
|
545
|
-
paddlex/repo_apis/PaddleClas_api/cls/config.py,sha256=nP4SHq2C31AiHIMzOAzF-tQNfIzcRrjbWYbSLEk3Zrg,20375
|
546
|
-
paddlex/repo_apis/PaddleClas_api/cls/model.py,sha256=-U3s4kkHpboLPkkrUuLJuznMUIkXuCKOXKK2hmQxoSg,14096
|
547
|
-
paddlex/repo_apis/PaddleClas_api/cls/register.py,sha256=FONhMf8kNCRte7kxGPEPxUl0IUVftF4nKn9_9tpdtYY,25441
|
548
|
-
paddlex/repo_apis/PaddleClas_api/cls/runner.py,sha256=78P7f6OhWyAWUxjUn4XKtwWVRavcptpImSbBXbkYaTw,7414
|
549
|
-
paddlex/repo_apis/PaddleClas_api/shitu_rec/__init__.py,sha256=byFFo3BiHDGxwptrDGrkduW9Z7Hv1lOa5fW2hANyL_g,701
|
550
|
-
paddlex/repo_apis/PaddleClas_api/shitu_rec/config.py,sha256=h-_O_pZwA49RQhicVU8EfwSKICL415yRVU3lsWi6DSc,5389
|
551
|
-
paddlex/repo_apis/PaddleClas_api/shitu_rec/model.py,sha256=qIkiA3VuZyuAaDjp5FsO336oTkeBwUQmgcNgiBf2FTQ,724
|
552
|
-
paddlex/repo_apis/PaddleClas_api/shitu_rec/register.py,sha256=zReeuEdfJdGJA0v0otIeMhyYHcj1RfziIMwFGMTcuIs,2292
|
553
|
-
paddlex/repo_apis/PaddleClas_api/shitu_rec/runner.py,sha256=ZZs5JipOeVtFuhIo6eYAtT99fRFA2B0JonzXX0RM0Dk,1708
|
554
|
-
paddlex/repo_apis/PaddleDetection_api/__init__.py,sha256=CqqGzpgFsvoongGp2_Nw_cEtZ7RK15GuW1cUqb0WVBw,736
|
555
|
-
paddlex/repo_apis/PaddleDetection_api/config_helper.py,sha256=pwD0iDwAjq8qLNLi7suSlDBQNgURXjZ7hoQ-B9WFWTA,9358
|
556
|
-
paddlex/repo_apis/PaddleDetection_api/instance_seg/__init__.py,sha256=ljgCYqsG27fv0E3froh73iUJXvMXWD02BPF4NLllEvw,707
|
557
|
-
paddlex/repo_apis/PaddleDetection_api/instance_seg/config.py,sha256=cP0olcZXSB7FtTCUhOzxDgp1yXjk_OPTMoUs43a9nqA,15306
|
558
|
-
paddlex/repo_apis/PaddleDetection_api/instance_seg/model.py,sha256=-jbFKWgM1HVFVnfeBo45yGFavHHBQ7KXREaBb8cHjU4,16037
|
559
|
-
paddlex/repo_apis/PaddleDetection_api/instance_seg/register.py,sha256=0BeG4NjvpLxnARRWcH8iy5ebBytu4XzhI1WpwnGUz1c,8584
|
560
|
-
paddlex/repo_apis/PaddleDetection_api/instance_seg/runner.py,sha256=X49SqFXBRYHCHOBb-mwBRwzDUJRJ-8Ozn35tZ8DWQPQ,7573
|
561
|
-
paddlex/repo_apis/PaddleDetection_api/object_det/__init__.py,sha256=rgQefq-HHHI8m_tzZPnAl1JjYiBge15ol-BAONDh3e4,744
|
562
|
-
paddlex/repo_apis/PaddleDetection_api/object_det/config.py,sha256=JbAN-xJr2j0T5rNf_bzS_vParnT4RYemJHF5dxMjpNI,17794
|
563
|
-
paddlex/repo_apis/PaddleDetection_api/object_det/model.py,sha256=-L6LjdM3EW0MRnzzi984O1K5gmdCWiPZmojHkM1YpPI,17290
|
564
|
-
paddlex/repo_apis/PaddleDetection_api/object_det/official_categories.py,sha256=Hs0LeWAHSljswRKMVcpfM5OKsc1b6bxj2-E1qJVEfUI,5018
|
565
|
-
paddlex/repo_apis/PaddleDetection_api/object_det/register.py,sha256=BnU-Y_eKwDNqYGQO_DKxqdKo_BpVi-hA-0vR6RXcaeo,28600
|
566
|
-
paddlex/repo_apis/PaddleDetection_api/object_det/runner.py,sha256=6Fm57SEB9-AbfJW82zJz8AaPhRcfYoa-2Q52Vdo4OK4,7557
|
567
|
-
paddlex/repo_apis/PaddleNLP_api/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
568
|
-
paddlex/repo_apis/PaddleOCR_api/__init__.py,sha256=MI9h0CSxSa2cNKHslLXYF0QwNPJJqweWMq9z2rn0PNQ,747
|
569
|
-
paddlex/repo_apis/PaddleOCR_api/config_utils.py,sha256=EXNM7aS9_xsHDcYr5l52-sAFZUieUgokZOECpx3BdA0,1981
|
570
|
-
paddlex/repo_apis/PaddleOCR_api/table_rec/__init__.py,sha256=e1xzyVhESQ8Ek45TNGSsv_5S_1K7YSqDypP0Qc3rjv4,633
|
571
|
-
paddlex/repo_apis/PaddleOCR_api/table_rec/config.py,sha256=EVepa5z_rxjLaD39KlqsDyk4f1Nw4E8s-1sAcnj1GcU,2334
|
572
|
-
paddlex/repo_apis/PaddleOCR_api/table_rec/model.py,sha256=g3CVQArEUWsRSvaXsMLbmYsvKYtWHtHx5PaS6Ak6WSQ,4421
|
573
|
-
paddlex/repo_apis/PaddleOCR_api/table_rec/register.py,sha256=SVhNizeLfmW7G_mVpxTkas2ZsLw3nY0Mx1vU0hq86aw,1667
|
574
|
-
paddlex/repo_apis/PaddleOCR_api/table_rec/runner.py,sha256=pe4kMq2FuR2OdctZVohTAXizCrxXCDVl5QAaq645vCw,1936
|
575
|
-
paddlex/repo_apis/PaddleOCR_api/text_det/__init__.py,sha256=e1xzyVhESQ8Ek45TNGSsv_5S_1K7YSqDypP0Qc3rjv4,633
|
576
|
-
paddlex/repo_apis/PaddleOCR_api/text_det/config.py,sha256=NQ_KbJLbQrxq2WpemV3Wpdl2i2IjnSNVbhSMcAbaxLc,2156
|
577
|
-
paddlex/repo_apis/PaddleOCR_api/text_det/model.py,sha256=2MOOFO4ZIWsN2p4Sn24g5PCOV8SnOExd_MAml0Zal8o,2563
|
578
|
-
paddlex/repo_apis/PaddleOCR_api/text_det/register.py,sha256=RgTdz_Xs1WBVpa5Micf9DNM_foSnt0wOlmB-qw2zrxQ,2296
|
579
|
-
paddlex/repo_apis/PaddleOCR_api/text_det/runner.py,sha256=M5QYK2Q1zY4r1h2zLGJswudF6-e8G9Jo1TSHlqQOwFQ,2003
|
580
|
-
paddlex/repo_apis/PaddleOCR_api/text_rec/__init__.py,sha256=e1xzyVhESQ8Ek45TNGSsv_5S_1K7YSqDypP0Qc3rjv4,633
|
581
|
-
paddlex/repo_apis/PaddleOCR_api/text_rec/config.py,sha256=nvTjDnmtWwXKOw086oD3WB7xE5tQfKy4AI_-hh1gw94,18391
|
582
|
-
paddlex/repo_apis/PaddleOCR_api/text_rec/model.py,sha256=jfbgmA45Pr03KMQg13POQkxSxFSazsIGJ5vDKTfO4gk,14044
|
583
|
-
paddlex/repo_apis/PaddleOCR_api/text_rec/register.py,sha256=CmrUnqwqHkVBPyAkun33csaoO4yfSCA_JoRum9lo0Dc,2460
|
584
|
-
paddlex/repo_apis/PaddleOCR_api/text_rec/runner.py,sha256=IvIfEsSSgYzFmGBrOTqkvBEzKkyIGs8k5QVpHe1ebsk,8311
|
585
|
-
paddlex/repo_apis/PaddleSeg_api/__init__.py,sha256=AvoD12dJJkclpIwamsj4xkLMaBU8pFhupuF9XPL1Ips,636
|
586
|
-
paddlex/repo_apis/PaddleSeg_api/base_seg_config.py,sha256=jDzsoH8KGLWuhSq615QY1x4cQAW6xnkZv4y0On9hlSI,4633
|
587
|
-
paddlex/repo_apis/PaddleSeg_api/seg/__init__.py,sha256=e1xzyVhESQ8Ek45TNGSsv_5S_1K7YSqDypP0Qc3rjv4,633
|
588
|
-
paddlex/repo_apis/PaddleSeg_api/seg/config.py,sha256=OIGFst_NSLyWRlCsMhK0UphQBnFhMaPvZxVpjzk8ZpE,5922
|
589
|
-
paddlex/repo_apis/PaddleSeg_api/seg/model.py,sha256=atrySKbFIWTUC8enjj44vVkI87JcoEMEVIeHtFijuEM,18801
|
590
|
-
paddlex/repo_apis/PaddleSeg_api/seg/register.py,sha256=gsDNZmJh_KknjKiK0lEmsrdzBiZBvserddzQGSheUBQ,7294
|
591
|
-
paddlex/repo_apis/PaddleSeg_api/seg/runner.py,sha256=AWIeQWfRqgSEY4PPLCztBYVJYVqjMFzkynhQqymBDpU,8790
|
592
|
-
paddlex/repo_apis/PaddleTS_api/__init__.py,sha256=xUyD2gjRPFcFvCVNQWIyQ6KlsOmOM1N11128RCUpwx8,724
|
593
|
-
paddlex/repo_apis/PaddleTS_api/ts_ad/__init__.py,sha256=e1xzyVhESQ8Ek45TNGSsv_5S_1K7YSqDypP0Qc3rjv4,633
|
594
|
-
paddlex/repo_apis/PaddleTS_api/ts_ad/config.py,sha256=O8pfK3XKxeq1vn8apGFseVvUj1vg7H410eMWR0n_t3A,2813
|
595
|
-
paddlex/repo_apis/PaddleTS_api/ts_ad/register.py,sha256=kcnoKlKFonag2ivqhAi0Yr27NmGpAeHti43iEUdVjk4,4997
|
596
|
-
paddlex/repo_apis/PaddleTS_api/ts_ad/runner.py,sha256=g_16b_t4sgZ-vu2QS6yrFuWoS0jw8YvatIWDdN8JGGM,5382
|
597
|
-
paddlex/repo_apis/PaddleTS_api/ts_base/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
598
|
-
paddlex/repo_apis/PaddleTS_api/ts_base/config.py,sha256=KYeU-HTvhdle_z8V6rrx6EuL36cQo-T2uYyFlUKAFFw,7338
|
599
|
-
paddlex/repo_apis/PaddleTS_api/ts_base/model.py,sha256=6sdrQYAPHKL-vouT9FReC30cxOiRMRDzaw7VX84WQD0,10122
|
600
|
-
paddlex/repo_apis/PaddleTS_api/ts_base/runner.py,sha256=ISWg-bqxRrd8C26o1_mmlyYaEc4p9-LaJeqvNISoqJs,5308
|
601
|
-
paddlex/repo_apis/PaddleTS_api/ts_cls/__init__.py,sha256=e1xzyVhESQ8Ek45TNGSsv_5S_1K7YSqDypP0Qc3rjv4,633
|
602
|
-
paddlex/repo_apis/PaddleTS_api/ts_cls/config.py,sha256=N14PDy_79oxGjQwLQr9aqY8KUwEgtfxx7LfCbvKdhNo,2354
|
603
|
-
paddlex/repo_apis/PaddleTS_api/ts_cls/register.py,sha256=Vs0IUX6p9eXAdzg5c5mwKZUuUYoJ70fQ6C77UkSXa0A,1991
|
604
|
-
paddlex/repo_apis/PaddleTS_api/ts_cls/runner.py,sha256=MK9RX8iOcLPSKWKlATO3wryXCQmpD0QDmgh9_f2Agx4,5305
|
605
|
-
paddlex/repo_apis/PaddleTS_api/ts_fc/__init__.py,sha256=e1xzyVhESQ8Ek45TNGSsv_5S_1K7YSqDypP0Qc3rjv4,633
|
606
|
-
paddlex/repo_apis/PaddleTS_api/ts_fc/config.py,sha256=mBw9wc2jYzaK1aay_MwaAoEYupgbxSFNYN2FptNG1pk,4347
|
607
|
-
paddlex/repo_apis/PaddleTS_api/ts_fc/register.py,sha256=VBYykPgvMXCErv8dabPfTCHQzHU7imwFNuJSiiK_JCo,6322
|
608
|
-
paddlex/repo_apis/base/__init__.py,sha256=U4aa5pH9SHAeH7XLFWDOFHstxwedikXN-Wp4AouyYq4,817
|
609
|
-
paddlex/repo_apis/base/config.py,sha256=R4HiSDzli0r7VQJlFsaxopWZm9HSFG0gXuh54bIXal8,6914
|
610
|
-
paddlex/repo_apis/base/model.py,sha256=2MWqk9Flva4dUPdqyAgQqbeAnoat9O71wjG9ZexaO20,21464
|
611
|
-
paddlex/repo_apis/base/register.py,sha256=T94X941wC55N2IODLkaH4au4rK3ABoouhNKGrIzZxtc,4175
|
612
|
-
paddlex/repo_apis/base/runner.py,sha256=dhN8PUjhEyAyRKWcVxyClETgCgUXkxX47PHh789rMjY,13784
|
613
|
-
paddlex/repo_apis/base/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
614
|
-
paddlex/repo_apis/base/utils/arg.py,sha256=RtV54dCO1X5ORjUoKfdm90OD0LWmbeZJKA4_sHm9JM8,1825
|
615
|
-
paddlex/repo_apis/base/utils/subprocess.py,sha256=TFLL55Imps8WUAxiywx5Fxv4FKY7FgdrSMEJSHXKUSs,3198
|
616
|
-
paddlex/repo_manager/__init__.py,sha256=o2k7nz4kB0BEQR3Rv5_KlpYbvhIvVfRAOZP6dxuujnA,798
|
617
|
-
paddlex/repo_manager/core.py,sha256=yjy_eqheLc5iq_XGJaYv5aqraLVxSwf_VUnczl528SQ,8873
|
618
|
-
paddlex/repo_manager/meta.py,sha256=97xvcu35Q93XmJa6SX7mSJ988pfRSVnGTNGHcC7LDtE,4474
|
619
|
-
paddlex/repo_manager/repo.py,sha256=pnW_QQOsjJdXw35oDtNncExMXqa9_kpGabzKUdUTr14,14326
|
620
|
-
paddlex/repo_manager/requirements.txt,sha256=AJeUMXiOExgwACGr3YfZWyxMiYapn-zY1AAZQRQJmnk,273
|
621
|
-
paddlex/repo_manager/utils.py,sha256=S6la-mFMKuyoWv-Hn8Oq2xH0MwHVX3g4qNX7LKZBmXI,11348
|
622
|
-
paddlex/utils/__init__.py,sha256=4UmYzCIMTmYSuLzymjZpQBL6JnUictMk6j380RhfaPA,608
|
623
|
-
paddlex/utils/cache.py,sha256=gg7H6UOA3O-iy-xbXDf9digWTnbeuL6e4SHQPX81jbw,4805
|
624
|
-
paddlex/utils/config.py,sha256=1saKinR8nFH8hAG0hZCWhRXLhovkUUMNlrTCCwSR-3c,6269
|
625
|
-
paddlex/utils/device.py,sha256=7wvDkw7Gu-d4RH4a8gWq5m35leNP7M9SI31tLf06tOk,3594
|
626
|
-
paddlex/utils/download.py,sha256=osYyZiBtBYbEN_cs7ZT4lcfIc1DZKW57U49PQXS3zgc,6401
|
627
|
-
paddlex/utils/file_interface.py,sha256=EHrBg5VtB_bUh_fDhhqyCePw3EMo6nIH_5Fhzfjt908,6556
|
628
|
-
paddlex/utils/flags.py,sha256=KylfXac_o0LTq0bMQOgRQ6hX8XyO8LuDYXCibAiFKmM,2118
|
629
|
-
paddlex/utils/func_register.py,sha256=1kMqhFDM8LXXtWO0100iBeA9ndWAJvphFeCGugNTtng,1354
|
630
|
-
paddlex/utils/interactive_get_pipeline.py,sha256=TrqK7HPpVZUY0Af5OIazJFc7cgCYMwVqo0OP1WHkJB8,1915
|
631
|
-
paddlex/utils/lazy_loader.py,sha256=QmEZitWAyQZKpeEeOF_WBQ9eXrWJR__D819t7sFFn-o,2251
|
632
|
-
paddlex/utils/logging.py,sha256=RNT0aiADrUWJuv0zjkhMA0CdRtn947fMJOjzHF9Q5ZE,4597
|
633
|
-
paddlex/utils/misc.py,sha256=yFe44q3Kod12y642lHaSfkKxtajS6dn52Muqug5cG6c,5870
|
634
|
-
paddlex/utils/result_saver.py,sha256=ef0l62owP7dG_60SIPZC2f2htCNnFeNeSTjr5WcUcPo,2033
|
635
|
-
paddlex/utils/subclass_register.py,sha256=zFwoBjWmLcU2DcOFIvVSznrY6EEyWXStJ7lyWML7L3Q,3395
|
636
|
-
paddlex/utils/errors/__init__.py,sha256=F_k7l4FISxE8j42xu9JIvBksEc5rqVQvk2mgfwXuqcQ,663
|
637
|
-
paddlex/utils/errors/dataset_checker.py,sha256=qoEOnnX_WEvGSI16PwufyhIxzyOv8RDLOWypw0TVDDs,2199
|
638
|
-
paddlex/utils/errors/others.py,sha256=dGVbJEaW1UnHETKtVaDO2NeZ4p-UWqhECx2m9gnpswg,4372
|
639
|
-
paddlex/utils/fonts/PingFang-SC-Regular.ttf,sha256=fDF4CnSylhYoGKpYkcOV1uzfzx5x2eHkwzJoaa2QGrY,10929644
|
640
|
-
paddlex/utils/fonts/__init__.py,sha256=umcpR-Wnyiilvu4VoX-IT-0z3jsX-OjJJFxHybpZL24,842
|
641
|
-
paddlex-3.0.0b2.dist-info/LICENSE,sha256=rMw2yBesXt5HPQVzLhSvwRy25V71kZvIJrZT9jEWUEM,11325
|
642
|
-
paddlex-3.0.0b2.dist-info/METADATA,sha256=pilLJFYLApH8osszGQEnyUKgzN2zRpJGtSeSF5cjDVA,52721
|
643
|
-
paddlex-3.0.0b2.dist-info/WHEEL,sha256=GV9aMThwP_4oNCtvEC2ec3qUYutgWeAzklro_0m4WJQ,91
|
644
|
-
paddlex-3.0.0b2.dist-info/entry_points.txt,sha256=rTKXuuCwUUNjzEG9fG9JF1JFAHAD05PksWevGuRxYoM,59
|
645
|
-
paddlex-3.0.0b2.dist-info/top_level.txt,sha256=KWSxMIrEchP3dxsAjzSRR-jmnjW0YGHECxG9OA5YB_g,8
|
646
|
-
paddlex-3.0.0b2.dist-info/RECORD,,
|