mediapipe-nightly 0.10.21.post20250114__cp311-cp311-manylinux_2_28_x86_64.whl
Sign up to get free protection for your applications and to get access to all the features.
- mediapipe/__init__.py +26 -0
- mediapipe/calculators/__init__.py +0 -0
- mediapipe/calculators/audio/__init__.py +0 -0
- mediapipe/calculators/audio/mfcc_mel_calculators_pb2.py +33 -0
- mediapipe/calculators/audio/rational_factor_resample_calculator_pb2.py +33 -0
- mediapipe/calculators/audio/spectrogram_calculator_pb2.py +37 -0
- mediapipe/calculators/audio/stabilized_log_calculator_pb2.py +31 -0
- mediapipe/calculators/audio/time_series_framer_calculator_pb2.py +33 -0
- mediapipe/calculators/core/__init__.py +0 -0
- mediapipe/calculators/core/bypass_calculator_pb2.py +31 -0
- mediapipe/calculators/core/clip_vector_size_calculator_pb2.py +31 -0
- mediapipe/calculators/core/concatenate_vector_calculator_pb2.py +31 -0
- mediapipe/calculators/core/constant_side_packet_calculator_pb2.py +39 -0
- mediapipe/calculators/core/dequantize_byte_array_calculator_pb2.py +31 -0
- mediapipe/calculators/core/flow_limiter_calculator_pb2.py +32 -0
- mediapipe/calculators/core/gate_calculator_pb2.py +33 -0
- mediapipe/calculators/core/get_vector_item_calculator_pb2.py +31 -0
- mediapipe/calculators/core/graph_profile_calculator_pb2.py +31 -0
- mediapipe/calculators/core/packet_cloner_calculator_pb2.py +31 -0
- mediapipe/calculators/core/packet_resampler_calculator_pb2.py +33 -0
- mediapipe/calculators/core/packet_thinner_calculator_pb2.py +33 -0
- mediapipe/calculators/core/quantize_float_vector_calculator_pb2.py +31 -0
- mediapipe/calculators/core/sequence_shift_calculator_pb2.py +31 -0
- mediapipe/calculators/core/split_vector_calculator_pb2.py +33 -0
- mediapipe/calculators/image/__init__.py +0 -0
- mediapipe/calculators/image/bilateral_filter_calculator_pb2.py +31 -0
- mediapipe/calculators/image/feature_detector_calculator_pb2.py +31 -0
- mediapipe/calculators/image/image_clone_calculator_pb2.py +31 -0
- mediapipe/calculators/image/image_cropping_calculator_pb2.py +33 -0
- mediapipe/calculators/image/image_transformation_calculator_pb2.py +38 -0
- mediapipe/calculators/image/mask_overlay_calculator_pb2.py +33 -0
- mediapipe/calculators/image/opencv_encoded_image_to_image_frame_calculator_pb2.py +31 -0
- mediapipe/calculators/image/opencv_image_encoder_calculator_pb2.py +35 -0
- mediapipe/calculators/image/recolor_calculator_pb2.py +34 -0
- mediapipe/calculators/image/rotation_mode_pb2.py +29 -0
- mediapipe/calculators/image/scale_image_calculator_pb2.py +34 -0
- mediapipe/calculators/image/segmentation_smoothing_calculator_pb2.py +31 -0
- mediapipe/calculators/image/set_alpha_calculator_pb2.py +31 -0
- mediapipe/calculators/image/warp_affine_calculator_pb2.py +36 -0
- mediapipe/calculators/internal/__init__.py +0 -0
- mediapipe/calculators/internal/callback_packet_calculator_pb2.py +33 -0
- mediapipe/calculators/tensor/__init__.py +0 -0
- mediapipe/calculators/tensor/audio_to_tensor_calculator_pb2.py +35 -0
- mediapipe/calculators/tensor/bert_preprocessor_calculator_pb2.py +31 -0
- mediapipe/calculators/tensor/feedback_tensors_calculator_pb2.py +37 -0
- mediapipe/calculators/tensor/image_to_tensor_calculator_pb2.py +40 -0
- mediapipe/calculators/tensor/inference_calculator_pb2.py +63 -0
- mediapipe/calculators/tensor/landmarks_to_tensor_calculator_pb2.py +33 -0
- mediapipe/calculators/tensor/regex_preprocessor_calculator_pb2.py +31 -0
- mediapipe/calculators/tensor/tensor_converter_calculator_pb2.py +34 -0
- mediapipe/calculators/tensor/tensor_to_joints_calculator_pb2.py +31 -0
- mediapipe/calculators/tensor/tensors_readback_calculator_pb2.py +35 -0
- mediapipe/calculators/tensor/tensors_to_audio_calculator_pb2.py +33 -0
- mediapipe/calculators/tensor/tensors_to_classification_calculator_pb2.py +44 -0
- mediapipe/calculators/tensor/tensors_to_detections_calculator_pb2.py +39 -0
- mediapipe/calculators/tensor/tensors_to_floats_calculator_pb2.py +33 -0
- mediapipe/calculators/tensor/tensors_to_landmarks_calculator_pb2.py +33 -0
- mediapipe/calculators/tensor/tensors_to_segmentation_calculator_pb2.py +34 -0
- mediapipe/calculators/tensor/vector_to_tensor_calculator_pb2.py +27 -0
- mediapipe/calculators/tflite/__init__.py +0 -0
- mediapipe/calculators/tflite/ssd_anchors_calculator_pb2.py +32 -0
- mediapipe/calculators/tflite/tflite_converter_calculator_pb2.py +33 -0
- mediapipe/calculators/tflite/tflite_custom_op_resolver_calculator_pb2.py +31 -0
- mediapipe/calculators/tflite/tflite_inference_calculator_pb2.py +49 -0
- mediapipe/calculators/tflite/tflite_tensors_to_classification_calculator_pb2.py +31 -0
- mediapipe/calculators/tflite/tflite_tensors_to_detections_calculator_pb2.py +31 -0
- mediapipe/calculators/tflite/tflite_tensors_to_landmarks_calculator_pb2.py +33 -0
- mediapipe/calculators/tflite/tflite_tensors_to_segmentation_calculator_pb2.py +31 -0
- mediapipe/calculators/util/__init__.py +0 -0
- mediapipe/calculators/util/align_hand_to_pose_in_world_calculator_pb2.py +31 -0
- mediapipe/calculators/util/annotation_overlay_calculator_pb2.py +32 -0
- mediapipe/calculators/util/association_calculator_pb2.py +31 -0
- mediapipe/calculators/util/collection_has_min_size_calculator_pb2.py +31 -0
- mediapipe/calculators/util/combine_joints_calculator_pb2.py +36 -0
- mediapipe/calculators/util/detection_label_id_to_text_calculator_pb2.py +36 -0
- mediapipe/calculators/util/detections_to_rects_calculator_pb2.py +33 -0
- mediapipe/calculators/util/detections_to_render_data_calculator_pb2.py +33 -0
- mediapipe/calculators/util/face_to_rect_calculator_pb2.py +26 -0
- mediapipe/calculators/util/filter_detections_calculator_pb2.py +31 -0
- mediapipe/calculators/util/flat_color_image_calculator_pb2.py +32 -0
- mediapipe/calculators/util/labels_to_render_data_calculator_pb2.py +34 -0
- mediapipe/calculators/util/landmark_projection_calculator_pb2.py +31 -0
- mediapipe/calculators/util/landmarks_refinement_calculator_pb2.py +41 -0
- mediapipe/calculators/util/landmarks_smoothing_calculator_pb2.py +33 -0
- mediapipe/calculators/util/landmarks_to_detection_calculator_pb2.py +31 -0
- mediapipe/calculators/util/landmarks_to_floats_calculator_pb2.py +31 -0
- mediapipe/calculators/util/landmarks_to_render_data_calculator_pb2.py +32 -0
- mediapipe/calculators/util/landmarks_transformation_calculator_pb2.py +37 -0
- mediapipe/calculators/util/latency_pb2.py +26 -0
- mediapipe/calculators/util/local_file_contents_calculator_pb2.py +31 -0
- mediapipe/calculators/util/logic_calculator_pb2.py +34 -0
- mediapipe/calculators/util/non_max_suppression_calculator_pb2.py +35 -0
- mediapipe/calculators/util/packet_frequency_calculator_pb2.py +31 -0
- mediapipe/calculators/util/packet_frequency_pb2.py +26 -0
- mediapipe/calculators/util/packet_latency_calculator_pb2.py +31 -0
- mediapipe/calculators/util/rect_to_render_data_calculator_pb2.py +32 -0
- mediapipe/calculators/util/rect_to_render_scale_calculator_pb2.py +31 -0
- mediapipe/calculators/util/rect_transformation_calculator_pb2.py +31 -0
- mediapipe/calculators/util/refine_landmarks_from_heatmap_calculator_pb2.py +31 -0
- mediapipe/calculators/util/resource_provider_calculator_pb2.py +28 -0
- mediapipe/calculators/util/set_joints_visibility_calculator_pb2.py +41 -0
- mediapipe/calculators/util/thresholding_calculator_pb2.py +31 -0
- mediapipe/calculators/util/timed_box_list_id_to_label_calculator_pb2.py +31 -0
- mediapipe/calculators/util/timed_box_list_to_render_data_calculator_pb2.py +32 -0
- mediapipe/calculators/util/top_k_scores_calculator_pb2.py +31 -0
- mediapipe/calculators/util/visibility_copy_calculator_pb2.py +27 -0
- mediapipe/calculators/util/visibility_smoothing_calculator_pb2.py +31 -0
- mediapipe/calculators/video/__init__.py +0 -0
- mediapipe/calculators/video/box_detector_calculator_pb2.py +32 -0
- mediapipe/calculators/video/box_tracker_calculator_pb2.py +32 -0
- mediapipe/calculators/video/flow_packager_calculator_pb2.py +32 -0
- mediapipe/calculators/video/flow_to_image_calculator_pb2.py +31 -0
- mediapipe/calculators/video/motion_analysis_calculator_pb2.py +42 -0
- mediapipe/calculators/video/opencv_video_encoder_calculator_pb2.py +31 -0
- mediapipe/calculators/video/tool/__init__.py +0 -0
- mediapipe/calculators/video/tool/flow_quantizer_model_pb2.py +26 -0
- mediapipe/calculators/video/tracked_detection_manager_calculator_pb2.py +32 -0
- mediapipe/calculators/video/video_pre_stream_calculator_pb2.py +35 -0
- mediapipe/examples/__init__.py +14 -0
- mediapipe/examples/desktop/__init__.py +14 -0
- mediapipe/framework/__init__.py +0 -0
- mediapipe/framework/calculator_options_pb2.py +29 -0
- mediapipe/framework/calculator_pb2.py +59 -0
- mediapipe/framework/calculator_profile_pb2.py +48 -0
- mediapipe/framework/deps/__init__.py +0 -0
- mediapipe/framework/deps/proto_descriptor_pb2.py +29 -0
- mediapipe/framework/formats/__init__.py +0 -0
- mediapipe/framework/formats/affine_transform_data_pb2.py +28 -0
- mediapipe/framework/formats/annotation/__init__.py +0 -0
- mediapipe/framework/formats/annotation/locus_pb2.py +32 -0
- mediapipe/framework/formats/annotation/rasterization_pb2.py +29 -0
- mediapipe/framework/formats/body_rig_pb2.py +28 -0
- mediapipe/framework/formats/classification_pb2.py +31 -0
- mediapipe/framework/formats/detection_pb2.py +36 -0
- mediapipe/framework/formats/image_file_properties_pb2.py +26 -0
- mediapipe/framework/formats/image_format_pb2.py +29 -0
- mediapipe/framework/formats/landmark_pb2.py +37 -0
- mediapipe/framework/formats/location_data_pb2.py +38 -0
- mediapipe/framework/formats/matrix_data_pb2.py +31 -0
- mediapipe/framework/formats/motion/__init__.py +0 -0
- mediapipe/framework/formats/motion/optical_flow_field_data_pb2.py +30 -0
- mediapipe/framework/formats/object_detection/__init__.py +0 -0
- mediapipe/framework/formats/object_detection/anchor_pb2.py +26 -0
- mediapipe/framework/formats/rect_pb2.py +29 -0
- mediapipe/framework/formats/time_series_header_pb2.py +28 -0
- mediapipe/framework/graph_runtime_info_pb2.py +31 -0
- mediapipe/framework/mediapipe_options_pb2.py +27 -0
- mediapipe/framework/packet_factory_pb2.py +31 -0
- mediapipe/framework/packet_generator_pb2.py +33 -0
- mediapipe/framework/status_handler_pb2.py +28 -0
- mediapipe/framework/stream_handler/__init__.py +0 -0
- mediapipe/framework/stream_handler/default_input_stream_handler_pb2.py +27 -0
- mediapipe/framework/stream_handler/fixed_size_input_stream_handler_pb2.py +27 -0
- mediapipe/framework/stream_handler/sync_set_input_stream_handler_pb2.py +29 -0
- mediapipe/framework/stream_handler/timestamp_align_input_stream_handler_pb2.py +27 -0
- mediapipe/framework/stream_handler_pb2.py +30 -0
- mediapipe/framework/test_calculators_pb2.py +31 -0
- mediapipe/framework/thread_pool_executor_pb2.py +29 -0
- mediapipe/framework/tool/__init__.py +0 -0
- mediapipe/framework/tool/calculator_graph_template_pb2.py +44 -0
- mediapipe/framework/tool/field_data_pb2.py +28 -0
- mediapipe/framework/tool/node_chain_subgraph_pb2.py +31 -0
- mediapipe/framework/tool/packet_generator_wrapper_calculator_pb2.py +28 -0
- mediapipe/framework/tool/source_pb2.py +33 -0
- mediapipe/framework/tool/switch_container_pb2.py +32 -0
- mediapipe/gpu/__init__.py +0 -0
- mediapipe/gpu/copy_calculator_pb2.py +33 -0
- mediapipe/gpu/gl_animation_overlay_calculator_pb2.py +31 -0
- mediapipe/gpu/gl_context_options_pb2.py +31 -0
- mediapipe/gpu/gl_scaler_calculator_pb2.py +32 -0
- mediapipe/gpu/gl_surface_sink_calculator_pb2.py +32 -0
- mediapipe/gpu/gpu_origin_pb2.py +29 -0
- mediapipe/gpu/scale_mode_pb2.py +28 -0
- mediapipe/model_maker/__init__.py +27 -0
- mediapipe/model_maker/setup.py +107 -0
- mediapipe/modules/__init__.py +0 -0
- mediapipe/modules/face_detection/__init__.py +0 -0
- mediapipe/modules/face_detection/face_detection_full_range_cpu.binarypb +0 -0
- mediapipe/modules/face_detection/face_detection_full_range_sparse.tflite +0 -0
- mediapipe/modules/face_detection/face_detection_pb2.py +30 -0
- mediapipe/modules/face_detection/face_detection_short_range.tflite +0 -0
- mediapipe/modules/face_detection/face_detection_short_range_cpu.binarypb +0 -0
- mediapipe/modules/face_geometry/__init__.py +0 -0
- mediapipe/modules/face_geometry/data/__init__.py +0 -0
- mediapipe/modules/face_geometry/effect_renderer_calculator_pb2.py +27 -0
- mediapipe/modules/face_geometry/env_generator_calculator_pb2.py +28 -0
- mediapipe/modules/face_geometry/geometry_pipeline_calculator_pb2.py +27 -0
- mediapipe/modules/face_geometry/libs/__init__.py +0 -0
- mediapipe/modules/face_geometry/protos/__init__.py +0 -0
- mediapipe/modules/face_geometry/protos/environment_pb2.py +31 -0
- mediapipe/modules/face_geometry/protos/face_geometry_pb2.py +29 -0
- mediapipe/modules/face_geometry/protos/geometry_pipeline_metadata_pb2.py +32 -0
- mediapipe/modules/face_geometry/protos/mesh_3d_pb2.py +31 -0
- mediapipe/modules/face_landmark/__init__.py +0 -0
- mediapipe/modules/face_landmark/face_landmark.tflite +0 -0
- mediapipe/modules/face_landmark/face_landmark_front_cpu.binarypb +0 -0
- mediapipe/modules/face_landmark/face_landmark_with_attention.tflite +0 -0
- mediapipe/modules/hand_landmark/__init__.py +0 -0
- mediapipe/modules/hand_landmark/calculators/__init__.py +0 -0
- mediapipe/modules/hand_landmark/hand_landmark_full.tflite +0 -0
- mediapipe/modules/hand_landmark/hand_landmark_lite.tflite +0 -0
- mediapipe/modules/hand_landmark/hand_landmark_tracking_cpu.binarypb +0 -0
- mediapipe/modules/hand_landmark/handedness.txt +2 -0
- mediapipe/modules/holistic_landmark/__init__.py +0 -0
- mediapipe/modules/holistic_landmark/calculators/__init__.py +0 -0
- mediapipe/modules/holistic_landmark/calculators/roi_tracking_calculator_pb2.py +37 -0
- mediapipe/modules/holistic_landmark/hand_recrop.tflite +0 -0
- mediapipe/modules/holistic_landmark/holistic_landmark_cpu.binarypb +0 -0
- mediapipe/modules/iris_landmark/__init__.py +0 -0
- mediapipe/modules/iris_landmark/iris_landmark.tflite +0 -0
- mediapipe/modules/objectron/__init__.py +0 -0
- mediapipe/modules/objectron/calculators/__init__.py +0 -0
- mediapipe/modules/objectron/calculators/a_r_capture_metadata_pb2.py +102 -0
- mediapipe/modules/objectron/calculators/annotation_data_pb2.py +38 -0
- mediapipe/modules/objectron/calculators/belief_decoder_config_pb2.py +28 -0
- mediapipe/modules/objectron/calculators/camera_parameters_pb2.py +30 -0
- mediapipe/modules/objectron/calculators/filter_detection_calculator_pb2.py +35 -0
- mediapipe/modules/objectron/calculators/frame_annotation_to_rect_calculator_pb2.py +31 -0
- mediapipe/modules/objectron/calculators/frame_annotation_tracker_calculator_pb2.py +31 -0
- mediapipe/modules/objectron/calculators/lift_2d_frame_annotation_to_3d_calculator_pb2.py +32 -0
- mediapipe/modules/objectron/calculators/object_pb2.py +38 -0
- mediapipe/modules/objectron/calculators/tensors_to_objects_calculator_pb2.py +32 -0
- mediapipe/modules/objectron/calculators/tflite_tensors_to_objects_calculator_pb2.py +32 -0
- mediapipe/modules/objectron/object_detection_oidv4_labelmap.txt +24 -0
- mediapipe/modules/objectron/objectron_cpu.binarypb +0 -0
- mediapipe/modules/palm_detection/__init__.py +0 -0
- mediapipe/modules/palm_detection/palm_detection_full.tflite +0 -0
- mediapipe/modules/palm_detection/palm_detection_lite.tflite +0 -0
- mediapipe/modules/pose_detection/__init__.py +0 -0
- mediapipe/modules/pose_detection/pose_detection.tflite +0 -0
- mediapipe/modules/pose_landmark/__init__.py +0 -0
- mediapipe/modules/pose_landmark/pose_landmark_cpu.binarypb +0 -0
- mediapipe/modules/pose_landmark/pose_landmark_full.tflite +0 -0
- mediapipe/modules/selfie_segmentation/__init__.py +0 -0
- mediapipe/modules/selfie_segmentation/selfie_segmentation.tflite +0 -0
- mediapipe/modules/selfie_segmentation/selfie_segmentation_cpu.binarypb +0 -0
- mediapipe/modules/selfie_segmentation/selfie_segmentation_landscape.tflite +0 -0
- mediapipe/python/__init__.py +29 -0
- mediapipe/python/_framework_bindings.cpython-311-x86_64-linux-gnu.so +0 -0
- mediapipe/python/calculator_graph_test.py +251 -0
- mediapipe/python/image_frame_test.py +194 -0
- mediapipe/python/image_test.py +218 -0
- mediapipe/python/packet_creator.py +275 -0
- mediapipe/python/packet_getter.py +120 -0
- mediapipe/python/packet_test.py +533 -0
- mediapipe/python/solution_base.py +604 -0
- mediapipe/python/solution_base_test.py +396 -0
- mediapipe/python/solutions/__init__.py +27 -0
- mediapipe/python/solutions/download_utils.py +37 -0
- mediapipe/python/solutions/drawing_styles.py +249 -0
- mediapipe/python/solutions/drawing_utils.py +320 -0
- mediapipe/python/solutions/drawing_utils_test.py +258 -0
- mediapipe/python/solutions/face_detection.py +105 -0
- mediapipe/python/solutions/face_detection_test.py +92 -0
- mediapipe/python/solutions/face_mesh.py +125 -0
- mediapipe/python/solutions/face_mesh_connections.py +500 -0
- mediapipe/python/solutions/face_mesh_test.py +170 -0
- mediapipe/python/solutions/hands.py +153 -0
- mediapipe/python/solutions/hands_connections.py +32 -0
- mediapipe/python/solutions/hands_test.py +219 -0
- mediapipe/python/solutions/holistic.py +167 -0
- mediapipe/python/solutions/holistic_test.py +142 -0
- mediapipe/python/solutions/objectron.py +288 -0
- mediapipe/python/solutions/objectron_test.py +81 -0
- mediapipe/python/solutions/pose.py +192 -0
- mediapipe/python/solutions/pose_connections.py +22 -0
- mediapipe/python/solutions/pose_test.py +262 -0
- mediapipe/python/solutions/selfie_segmentation.py +76 -0
- mediapipe/python/solutions/selfie_segmentation_test.py +68 -0
- mediapipe/python/timestamp_test.py +78 -0
- mediapipe/tasks/__init__.py +14 -0
- mediapipe/tasks/cc/__init__.py +0 -0
- mediapipe/tasks/cc/audio/__init__.py +0 -0
- mediapipe/tasks/cc/audio/audio_classifier/__init__.py +0 -0
- mediapipe/tasks/cc/audio/audio_classifier/proto/__init__.py +0 -0
- mediapipe/tasks/cc/audio/audio_classifier/proto/audio_classifier_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/audio/audio_embedder/__init__.py +0 -0
- mediapipe/tasks/cc/audio/audio_embedder/proto/__init__.py +0 -0
- mediapipe/tasks/cc/audio/audio_embedder/proto/audio_embedder_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/audio/core/__init__.py +0 -0
- mediapipe/tasks/cc/audio/utils/__init__.py +0 -0
- mediapipe/tasks/cc/components/__init__.py +0 -0
- mediapipe/tasks/cc/components/calculators/__init__.py +0 -0
- mediapipe/tasks/cc/components/calculators/classification_aggregation_calculator_pb2.py +31 -0
- mediapipe/tasks/cc/components/calculators/score_calibration_calculator_pb2.py +35 -0
- mediapipe/tasks/cc/components/calculators/tensors_to_embeddings_calculator_pb2.py +32 -0
- mediapipe/tasks/cc/components/containers/__init__.py +0 -0
- mediapipe/tasks/cc/components/containers/proto/__init__.py +0 -0
- mediapipe/tasks/cc/components/containers/proto/classifications_pb2.py +30 -0
- mediapipe/tasks/cc/components/containers/proto/embeddings_pb2.py +35 -0
- mediapipe/tasks/cc/components/containers/proto/landmarks_detection_result_pb2.py +32 -0
- mediapipe/tasks/cc/components/processors/__init__.py +0 -0
- mediapipe/tasks/cc/components/processors/proto/__init__.py +0 -0
- mediapipe/tasks/cc/components/processors/proto/classification_postprocessing_graph_options_pb2.py +38 -0
- mediapipe/tasks/cc/components/processors/proto/classifier_options_pb2.py +27 -0
- mediapipe/tasks/cc/components/processors/proto/detection_postprocessing_graph_options_pb2.py +36 -0
- mediapipe/tasks/cc/components/processors/proto/detector_options_pb2.py +27 -0
- mediapipe/tasks/cc/components/processors/proto/embedder_options_pb2.py +27 -0
- mediapipe/tasks/cc/components/processors/proto/embedding_postprocessing_graph_options_pb2.py +32 -0
- mediapipe/tasks/cc/components/processors/proto/image_preprocessing_graph_options_pb2.py +34 -0
- mediapipe/tasks/cc/components/processors/proto/text_model_type_pb2.py +28 -0
- mediapipe/tasks/cc/components/processors/proto/text_preprocessing_graph_options_pb2.py +32 -0
- mediapipe/tasks/cc/components/utils/__init__.py +0 -0
- mediapipe/tasks/cc/core/__init__.py +0 -0
- mediapipe/tasks/cc/core/proto/__init__.py +0 -0
- mediapipe/tasks/cc/core/proto/acceleration_pb2.py +28 -0
- mediapipe/tasks/cc/core/proto/base_options_pb2.py +30 -0
- mediapipe/tasks/cc/core/proto/external_file_pb2.py +31 -0
- mediapipe/tasks/cc/core/proto/inference_subgraph_pb2.py +32 -0
- mediapipe/tasks/cc/core/proto/model_resources_calculator_pb2.py +32 -0
- mediapipe/tasks/cc/genai/__init__.py +0 -0
- mediapipe/tasks/cc/genai/inference/__init__.py +0 -0
- mediapipe/tasks/cc/genai/inference/c/__init__.py +0 -0
- mediapipe/tasks/cc/genai/inference/calculators/__init__.py +0 -0
- mediapipe/tasks/cc/genai/inference/calculators/detokenizer_calculator_pb2.py +27 -0
- mediapipe/tasks/cc/genai/inference/calculators/llm_gpu_calculator_pb2.py +32 -0
- mediapipe/tasks/cc/genai/inference/calculators/model_data_calculator_pb2.py +27 -0
- mediapipe/tasks/cc/genai/inference/calculators/tokenizer_calculator_pb2.py +29 -0
- mediapipe/tasks/cc/genai/inference/common/__init__.py +0 -0
- mediapipe/tasks/cc/genai/inference/proto/__init__.py +0 -0
- mediapipe/tasks/cc/genai/inference/proto/llm_file_metadata_pb2.py +32 -0
- mediapipe/tasks/cc/genai/inference/proto/llm_params_pb2.py +33 -0
- mediapipe/tasks/cc/genai/inference/proto/prompt_template_pb2.py +27 -0
- mediapipe/tasks/cc/genai/inference/proto/sampler_params_pb2.py +29 -0
- mediapipe/tasks/cc/genai/inference/proto/transformer_params_pb2.py +45 -0
- mediapipe/tasks/cc/genai/inference/utils/__init__.py +0 -0
- mediapipe/tasks/cc/genai/inference/utils/llm_utils/__init__.py +0 -0
- mediapipe/tasks/cc/genai/inference/utils/xnn_utils/__init__.py +0 -0
- mediapipe/tasks/cc/metadata/__init__.py +0 -0
- mediapipe/tasks/cc/metadata/python/__init__.py +0 -0
- mediapipe/tasks/cc/metadata/python/_pywrap_metadata_version.cpython-311-x86_64-linux-gnu.so +0 -0
- mediapipe/tasks/cc/metadata/tests/__init__.py +0 -0
- mediapipe/tasks/cc/metadata/utils/__init__.py +0 -0
- mediapipe/tasks/cc/text/__init__.py +0 -0
- mediapipe/tasks/cc/text/custom_ops/__init__.py +0 -0
- mediapipe/tasks/cc/text/custom_ops/ragged/__init__.py +0 -0
- mediapipe/tasks/cc/text/custom_ops/sentencepiece/__init__.py +0 -0
- mediapipe/tasks/cc/text/custom_ops/sentencepiece/testdata/__init__.py +0 -0
- mediapipe/tasks/cc/text/language_detector/__init__.py +0 -0
- mediapipe/tasks/cc/text/language_detector/custom_ops/__init__.py +0 -0
- mediapipe/tasks/cc/text/language_detector/custom_ops/utils/__init__.py +0 -0
- mediapipe/tasks/cc/text/language_detector/custom_ops/utils/hash/__init__.py +0 -0
- mediapipe/tasks/cc/text/language_detector/custom_ops/utils/utf/__init__.py +0 -0
- mediapipe/tasks/cc/text/text_classifier/__init__.py +0 -0
- mediapipe/tasks/cc/text/text_classifier/proto/__init__.py +0 -0
- mediapipe/tasks/cc/text/text_classifier/proto/text_classifier_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/text/text_embedder/__init__.py +0 -0
- mediapipe/tasks/cc/text/text_embedder/proto/__init__.py +0 -0
- mediapipe/tasks/cc/text/text_embedder/proto/text_embedder_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/text/tokenizers/__init__.py +0 -0
- mediapipe/tasks/cc/text/utils/__init__.py +0 -0
- mediapipe/tasks/cc/vision/__init__.py +0 -0
- mediapipe/tasks/cc/vision/core/__init__.py +0 -0
- mediapipe/tasks/cc/vision/custom_ops/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_detector/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_detector/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_detector/proto/face_detector_graph_options_pb2.py +34 -0
- mediapipe/tasks/cc/vision/face_geometry/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_geometry/calculators/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_geometry/calculators/env_generator_calculator_pb2.py +28 -0
- mediapipe/tasks/cc/vision/face_geometry/calculators/geometry_pipeline_calculator_pb2.py +29 -0
- mediapipe/tasks/cc/vision/face_geometry/data/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_geometry/libs/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_geometry/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_geometry/proto/environment_pb2.py +31 -0
- mediapipe/tasks/cc/vision/face_geometry/proto/face_geometry_graph_options_pb2.py +29 -0
- mediapipe/tasks/cc/vision/face_geometry/proto/face_geometry_pb2.py +29 -0
- mediapipe/tasks/cc/vision/face_geometry/proto/geometry_pipeline_metadata_pb2.py +32 -0
- mediapipe/tasks/cc/vision/face_geometry/proto/mesh_3d_pb2.py +31 -0
- mediapipe/tasks/cc/vision/face_landmarker/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_landmarker/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_landmarker/proto/face_blendshapes_graph_options_pb2.py +34 -0
- mediapipe/tasks/cc/vision/face_landmarker/proto/face_landmarker_graph_options_pb2.py +37 -0
- mediapipe/tasks/cc/vision/face_landmarker/proto/face_landmarks_detector_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/vision/face_landmarker/proto/tensors_to_face_landmarks_graph_options_pb2.py +32 -0
- mediapipe/tasks/cc/vision/face_stylizer/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_stylizer/calculators/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_stylizer/calculators/tensors_to_image_calculator_pb2.py +36 -0
- mediapipe/tasks/cc/vision/face_stylizer/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/face_stylizer/proto/face_stylizer_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/vision/gesture_recognizer/__init__.py +0 -0
- mediapipe/tasks/cc/vision/gesture_recognizer/calculators/__init__.py +0 -0
- mediapipe/tasks/cc/vision/gesture_recognizer/calculators/combined_prediction_calculator_pb2.py +33 -0
- mediapipe/tasks/cc/vision/gesture_recognizer/calculators/landmarks_to_matrix_calculator_pb2.py +31 -0
- mediapipe/tasks/cc/vision/gesture_recognizer/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/gesture_recognizer/proto/gesture_classifier_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/vision/gesture_recognizer/proto/gesture_embedder_graph_options_pb2.py +34 -0
- mediapipe/tasks/cc/vision/gesture_recognizer/proto/gesture_recognizer_graph_options_pb2.py +36 -0
- mediapipe/tasks/cc/vision/gesture_recognizer/proto/hand_gesture_recognizer_graph_options_pb2.py +36 -0
- mediapipe/tasks/cc/vision/hand_detector/__init__.py +0 -0
- mediapipe/tasks/cc/vision/hand_detector/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/hand_detector/proto/hand_detector_graph_options_pb2.py +34 -0
- mediapipe/tasks/cc/vision/hand_detector/proto/hand_detector_result_pb2.py +30 -0
- mediapipe/tasks/cc/vision/hand_landmarker/__init__.py +0 -0
- mediapipe/tasks/cc/vision/hand_landmarker/calculators/__init__.py +0 -0
- mediapipe/tasks/cc/vision/hand_landmarker/calculators/hand_association_calculator_pb2.py +31 -0
- mediapipe/tasks/cc/vision/hand_landmarker/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/hand_landmarker/proto/hand_landmarker_graph_options_pb2.py +36 -0
- mediapipe/tasks/cc/vision/hand_landmarker/proto/hand_landmarks_detector_graph_options_pb2.py +34 -0
- mediapipe/tasks/cc/vision/hand_landmarker/proto/hand_roi_refinement_graph_options_pb2.py +28 -0
- mediapipe/tasks/cc/vision/holistic_landmarker/__init__.py +0 -0
- mediapipe/tasks/cc/vision/holistic_landmarker/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/holistic_landmarker/proto/holistic_landmarker_graph_options_pb2.py +34 -0
- mediapipe/tasks/cc/vision/holistic_landmarker/proto/holistic_result_pb2.py +29 -0
- mediapipe/tasks/cc/vision/image_classifier/__init__.py +0 -0
- mediapipe/tasks/cc/vision/image_classifier/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/image_classifier/proto/image_classifier_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/vision/image_embedder/__init__.py +0 -0
- mediapipe/tasks/cc/vision/image_embedder/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/image_embedder/proto/image_embedder_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/vision/image_generator/__init__.py +0 -0
- mediapipe/tasks/cc/vision/image_generator/diffuser/__init__.py +0 -0
- mediapipe/tasks/cc/vision/image_generator/diffuser/stable_diffusion_iterate_calculator_pb2.py +40 -0
- mediapipe/tasks/cc/vision/image_generator/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/image_generator/proto/conditioned_image_graph_options_pb2.py +40 -0
- mediapipe/tasks/cc/vision/image_generator/proto/control_plugin_graph_options_pb2.py +34 -0
- mediapipe/tasks/cc/vision/image_generator/proto/image_generator_graph_options_pb2.py +30 -0
- mediapipe/tasks/cc/vision/image_segmenter/__init__.py +0 -0
- mediapipe/tasks/cc/vision/image_segmenter/calculators/__init__.py +0 -0
- mediapipe/tasks/cc/vision/image_segmenter/calculators/tensors_to_segmentation_calculator_pb2.py +34 -0
- mediapipe/tasks/cc/vision/image_segmenter/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/image_segmenter/proto/image_segmenter_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/vision/image_segmenter/proto/segmenter_options_pb2.py +33 -0
- mediapipe/tasks/cc/vision/interactive_segmenter/__init__.py +0 -0
- mediapipe/tasks/cc/vision/object_detector/__init__.py +0 -0
- mediapipe/tasks/cc/vision/object_detector/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/object_detector/proto/object_detector_options_pb2.py +34 -0
- mediapipe/tasks/cc/vision/pose_detector/__init__.py +0 -0
- mediapipe/tasks/cc/vision/pose_detector/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/pose_detector/proto/pose_detector_graph_options_pb2.py +34 -0
- mediapipe/tasks/cc/vision/pose_landmarker/__init__.py +0 -0
- mediapipe/tasks/cc/vision/pose_landmarker/proto/__init__.py +0 -0
- mediapipe/tasks/cc/vision/pose_landmarker/proto/pose_landmarker_graph_options_pb2.py +36 -0
- mediapipe/tasks/cc/vision/pose_landmarker/proto/pose_landmarks_detector_graph_options_pb2.py +34 -0
- mediapipe/tasks/cc/vision/utils/__init__.py +0 -0
- mediapipe/tasks/cc/vision/utils/ghum/__init__.py +0 -0
- mediapipe/tasks/metadata/image_segmenter_metadata_schema.fbs +59 -0
- mediapipe/tasks/metadata/image_segmenter_metadata_schema_py_generated.py +108 -0
- mediapipe/tasks/metadata/metadata_schema.fbs +732 -0
- mediapipe/tasks/metadata/metadata_schema_py_generated.py +3251 -0
- mediapipe/tasks/metadata/object_detector_metadata_schema.fbs +98 -0
- mediapipe/tasks/metadata/object_detector_metadata_schema_py_generated.py +674 -0
- mediapipe/tasks/metadata/schema_py_generated.py +18438 -0
- mediapipe/tasks/python/__init__.py +27 -0
- mediapipe/tasks/python/audio/__init__.py +33 -0
- mediapipe/tasks/python/audio/audio_classifier.py +324 -0
- mediapipe/tasks/python/audio/audio_embedder.py +285 -0
- mediapipe/tasks/python/audio/core/__init__.py +16 -0
- mediapipe/tasks/python/audio/core/audio_record.py +125 -0
- mediapipe/tasks/python/audio/core/audio_task_running_mode.py +29 -0
- mediapipe/tasks/python/audio/core/base_audio_task_api.py +181 -0
- mediapipe/tasks/python/benchmark/__init__.py +13 -0
- mediapipe/tasks/python/benchmark/benchmark_utils.py +70 -0
- mediapipe/tasks/python/benchmark/vision/__init__.py +13 -0
- mediapipe/tasks/python/benchmark/vision/benchmark.py +99 -0
- mediapipe/tasks/python/benchmark/vision/core/__init__.py +14 -0
- mediapipe/tasks/python/benchmark/vision/core/base_vision_benchmark_api.py +40 -0
- mediapipe/tasks/python/components/__init__.py +13 -0
- mediapipe/tasks/python/components/containers/__init__.py +53 -0
- mediapipe/tasks/python/components/containers/audio_data.py +137 -0
- mediapipe/tasks/python/components/containers/bounding_box.py +73 -0
- mediapipe/tasks/python/components/containers/category.py +78 -0
- mediapipe/tasks/python/components/containers/classification_result.py +111 -0
- mediapipe/tasks/python/components/containers/detections.py +181 -0
- mediapipe/tasks/python/components/containers/embedding_result.py +89 -0
- mediapipe/tasks/python/components/containers/keypoint.py +77 -0
- mediapipe/tasks/python/components/containers/landmark.py +122 -0
- mediapipe/tasks/python/components/containers/landmark_detection_result.py +106 -0
- mediapipe/tasks/python/components/containers/rect.py +109 -0
- mediapipe/tasks/python/components/processors/__init__.py +23 -0
- mediapipe/tasks/python/components/processors/classifier_options.py +86 -0
- mediapipe/tasks/python/components/utils/__init__.py +13 -0
- mediapipe/tasks/python/components/utils/cosine_similarity.py +68 -0
- mediapipe/tasks/python/core/__init__.py +13 -0
- mediapipe/tasks/python/core/base_options.py +121 -0
- mediapipe/tasks/python/core/optional_dependencies.py +25 -0
- mediapipe/tasks/python/core/task_info.py +139 -0
- mediapipe/tasks/python/genai/__init__.py +14 -0
- mediapipe/tasks/python/genai/bundler/__init__.py +23 -0
- mediapipe/tasks/python/genai/bundler/llm_bundler.py +130 -0
- mediapipe/tasks/python/genai/bundler/llm_bundler_test.py +168 -0
- mediapipe/tasks/python/genai/converter/__init__.py +24 -0
- mediapipe/tasks/python/genai/converter/converter_base.py +179 -0
- mediapipe/tasks/python/genai/converter/converter_factory.py +79 -0
- mediapipe/tasks/python/genai/converter/llm_converter.py +374 -0
- mediapipe/tasks/python/genai/converter/llm_converter_test.py +63 -0
- mediapipe/tasks/python/genai/converter/pytorch_converter.py +318 -0
- mediapipe/tasks/python/genai/converter/pytorch_converter_test.py +86 -0
- mediapipe/tasks/python/genai/converter/quantization_util.py +516 -0
- mediapipe/tasks/python/genai/converter/quantization_util_test.py +259 -0
- mediapipe/tasks/python/genai/converter/safetensors_converter.py +580 -0
- mediapipe/tasks/python/genai/converter/safetensors_converter_test.py +83 -0
- mediapipe/tasks/python/genai/converter/weight_bins_writer.py +120 -0
- mediapipe/tasks/python/genai/converter/weight_bins_writer_test.py +95 -0
- mediapipe/tasks/python/metadata/__init__.py +13 -0
- mediapipe/tasks/python/metadata/flatbuffers_lib/_pywrap_flatbuffers.cpython-311-x86_64-linux-gnu.so +0 -0
- mediapipe/tasks/python/metadata/metadata.py +928 -0
- mediapipe/tasks/python/metadata/metadata_displayer_cli.py +34 -0
- mediapipe/tasks/python/metadata/metadata_writers/__init__.py +13 -0
- mediapipe/tasks/python/metadata/metadata_writers/face_stylizer.py +138 -0
- mediapipe/tasks/python/metadata/metadata_writers/image_classifier.py +71 -0
- mediapipe/tasks/python/metadata/metadata_writers/image_segmenter.py +170 -0
- mediapipe/tasks/python/metadata/metadata_writers/metadata_info.py +1166 -0
- mediapipe/tasks/python/metadata/metadata_writers/metadata_writer.py +845 -0
- mediapipe/tasks/python/metadata/metadata_writers/model_asset_bundle_utils.py +71 -0
- mediapipe/tasks/python/metadata/metadata_writers/object_detector.py +331 -0
- mediapipe/tasks/python/metadata/metadata_writers/text_classifier.py +119 -0
- mediapipe/tasks/python/metadata/metadata_writers/writer_utils.py +91 -0
- mediapipe/tasks/python/test/__init__.py +13 -0
- mediapipe/tasks/python/test/audio/__init__.py +13 -0
- mediapipe/tasks/python/test/audio/audio_classifier_test.py +387 -0
- mediapipe/tasks/python/test/audio/audio_embedder_test.py +297 -0
- mediapipe/tasks/python/test/test_utils.py +196 -0
- mediapipe/tasks/python/test/text/__init__.py +13 -0
- mediapipe/tasks/python/test/text/language_detector_test.py +228 -0
- mediapipe/tasks/python/test/text/text_classifier_test.py +235 -0
- mediapipe/tasks/python/test/text/text_embedder_test.py +326 -0
- mediapipe/tasks/python/test/vision/__init__.py +13 -0
- mediapipe/tasks/python/test/vision/face_aligner_test.py +190 -0
- mediapipe/tasks/python/test/vision/face_detector_test.py +523 -0
- mediapipe/tasks/python/test/vision/face_landmarker_test.py +565 -0
- mediapipe/tasks/python/test/vision/face_stylizer_test.py +191 -0
- mediapipe/tasks/python/test/vision/hand_landmarker_test.py +437 -0
- mediapipe/tasks/python/test/vision/holistic_landmarker_test.py +544 -0
- mediapipe/tasks/python/test/vision/image_classifier_test.py +657 -0
- mediapipe/tasks/python/test/vision/image_embedder_test.py +423 -0
- mediapipe/tasks/python/test/vision/image_segmenter_test.py +512 -0
- mediapipe/tasks/python/test/vision/interactive_segmenter_test.py +341 -0
- mediapipe/tasks/python/test/vision/object_detector_test.py +493 -0
- mediapipe/tasks/python/test/vision/pose_landmarker_test.py +518 -0
- mediapipe/tasks/python/text/__init__.py +35 -0
- mediapipe/tasks/python/text/core/__init__.py +16 -0
- mediapipe/tasks/python/text/core/base_text_task_api.py +54 -0
- mediapipe/tasks/python/text/language_detector.py +220 -0
- mediapipe/tasks/python/text/text_classifier.py +187 -0
- mediapipe/tasks/python/text/text_embedder.py +188 -0
- mediapipe/tasks/python/vision/__init__.py +90 -0
- mediapipe/tasks/python/vision/core/__init__.py +14 -0
- mediapipe/tasks/python/vision/core/base_vision_task_api.py +226 -0
- mediapipe/tasks/python/vision/core/image_processing_options.py +39 -0
- mediapipe/tasks/python/vision/core/vision_task_running_mode.py +31 -0
- mediapipe/tasks/python/vision/face_aligner.py +158 -0
- mediapipe/tasks/python/vision/face_detector.py +332 -0
- mediapipe/tasks/python/vision/face_landmarker.py +3244 -0
- mediapipe/tasks/python/vision/face_stylizer.py +158 -0
- mediapipe/tasks/python/vision/gesture_recognizer.py +480 -0
- mediapipe/tasks/python/vision/hand_landmarker.py +504 -0
- mediapipe/tasks/python/vision/holistic_landmarker.py +576 -0
- mediapipe/tasks/python/vision/image_classifier.py +358 -0
- mediapipe/tasks/python/vision/image_embedder.py +362 -0
- mediapipe/tasks/python/vision/image_segmenter.py +433 -0
- mediapipe/tasks/python/vision/interactive_segmenter.py +285 -0
- mediapipe/tasks/python/vision/object_detector.py +389 -0
- mediapipe/tasks/python/vision/pose_landmarker.py +455 -0
- mediapipe/util/__init__.py +0 -0
- mediapipe/util/analytics/__init__.py +0 -0
- mediapipe/util/analytics/mediapipe_log_extension_pb2.py +44 -0
- mediapipe/util/analytics/mediapipe_logging_enums_pb2.py +37 -0
- mediapipe/util/audio_decoder_pb2.py +33 -0
- mediapipe/util/color_pb2.py +33 -0
- mediapipe/util/label_map_pb2.py +27 -0
- mediapipe/util/render_data_pb2.py +58 -0
- mediapipe/util/sequence/__init__.py +14 -0
- mediapipe/util/sequence/media_sequence.py +716 -0
- mediapipe/util/sequence/media_sequence_test.py +290 -0
- mediapipe/util/sequence/media_sequence_util.py +800 -0
- mediapipe/util/sequence/media_sequence_util_test.py +389 -0
- mediapipe/util/tracking/__init__.py +0 -0
- mediapipe/util/tracking/box_detector_pb2.py +39 -0
- mediapipe/util/tracking/box_tracker_pb2.py +32 -0
- mediapipe/util/tracking/camera_motion_pb2.py +31 -0
- mediapipe/util/tracking/flow_packager_pb2.py +60 -0
- mediapipe/util/tracking/frame_selection_pb2.py +35 -0
- mediapipe/util/tracking/frame_selection_solution_evaluator_pb2.py +28 -0
- mediapipe/util/tracking/motion_analysis_pb2.py +35 -0
- mediapipe/util/tracking/motion_estimation_pb2.py +66 -0
- mediapipe/util/tracking/motion_models_pb2.py +42 -0
- mediapipe/util/tracking/motion_saliency_pb2.py +26 -0
- mediapipe/util/tracking/push_pull_filtering_pb2.py +26 -0
- mediapipe/util/tracking/region_flow_computation_pb2.py +59 -0
- mediapipe/util/tracking/region_flow_pb2.py +49 -0
- mediapipe/util/tracking/tone_estimation_pb2.py +45 -0
- mediapipe/util/tracking/tone_models_pb2.py +32 -0
- mediapipe/util/tracking/tracked_detection_manager_config_pb2.py +26 -0
- mediapipe/util/tracking/tracking_pb2.py +73 -0
- mediapipe_nightly-0.10.21.post20250114.dist-info/LICENSE +218 -0
- mediapipe_nightly-0.10.21.post20250114.dist-info/METADATA +199 -0
- mediapipe_nightly-0.10.21.post20250114.dist-info/RECORD +593 -0
- mediapipe_nightly-0.10.21.post20250114.dist-info/WHEEL +5 -0
- mediapipe_nightly-0.10.21.post20250114.dist-info/top_level.txt +4 -0
- mediapipe_nightly.libs/libEGL-48f73270.so.1.1.0 +0 -0
- mediapipe_nightly.libs/libGLESv2-ed5eda4f.so.2.1.0 +0 -0
- mediapipe_nightly.libs/libGLdispatch-64b28464.so.0.0.0 +0 -0
@@ -0,0 +1,455 @@
|
|
1
|
+
# Copyright 2023 The MediaPipe Authors. All Rights Reserved.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
"""MediaPipe pose landmarker task."""
|
15
|
+
|
16
|
+
import dataclasses
|
17
|
+
from typing import Callable, Mapping, Optional, List
|
18
|
+
|
19
|
+
from mediapipe.framework.formats import landmark_pb2
|
20
|
+
from mediapipe.python import packet_creator
|
21
|
+
from mediapipe.python import packet_getter
|
22
|
+
from mediapipe.python._framework_bindings import image as image_module
|
23
|
+
from mediapipe.python._framework_bindings import packet as packet_module
|
24
|
+
from mediapipe.tasks.cc.vision.pose_landmarker.proto import pose_landmarker_graph_options_pb2
|
25
|
+
from mediapipe.tasks.python.components.containers import landmark as landmark_module
|
26
|
+
from mediapipe.tasks.python.core import base_options as base_options_module
|
27
|
+
from mediapipe.tasks.python.core import task_info as task_info_module
|
28
|
+
from mediapipe.tasks.python.core.optional_dependencies import doc_controls
|
29
|
+
from mediapipe.tasks.python.vision.core import base_vision_task_api
|
30
|
+
from mediapipe.tasks.python.vision.core import image_processing_options as image_processing_options_module
|
31
|
+
from mediapipe.tasks.python.vision.core import vision_task_running_mode as running_mode_module
|
32
|
+
|
33
|
+
_BaseOptions = base_options_module.BaseOptions
|
34
|
+
_PoseLandmarkerGraphOptionsProto = (
|
35
|
+
pose_landmarker_graph_options_pb2.PoseLandmarkerGraphOptions
|
36
|
+
)
|
37
|
+
_RunningMode = running_mode_module.VisionTaskRunningMode
|
38
|
+
_ImageProcessingOptions = image_processing_options_module.ImageProcessingOptions
|
39
|
+
_TaskInfo = task_info_module.TaskInfo
|
40
|
+
|
41
|
+
_IMAGE_IN_STREAM_NAME = 'image_in'
|
42
|
+
_IMAGE_OUT_STREAM_NAME = 'image_out'
|
43
|
+
_IMAGE_TAG = 'IMAGE'
|
44
|
+
_NORM_RECT_STREAM_NAME = 'norm_rect_in'
|
45
|
+
_NORM_RECT_TAG = 'NORM_RECT'
|
46
|
+
_SEGMENTATION_MASK_STREAM_NAME = 'segmentation_mask'
|
47
|
+
_SEGMENTATION_MASK_TAG = 'SEGMENTATION_MASK'
|
48
|
+
_NORM_LANDMARKS_STREAM_NAME = 'norm_landmarks'
|
49
|
+
_NORM_LANDMARKS_TAG = 'NORM_LANDMARKS'
|
50
|
+
_POSE_WORLD_LANDMARKS_STREAM_NAME = 'world_landmarks'
|
51
|
+
_POSE_WORLD_LANDMARKS_TAG = 'WORLD_LANDMARKS'
|
52
|
+
_TASK_GRAPH_NAME = 'mediapipe.tasks.vision.pose_landmarker.PoseLandmarkerGraph'
|
53
|
+
_MICRO_SECONDS_PER_MILLISECOND = 1000
|
54
|
+
|
55
|
+
|
56
|
+
@dataclasses.dataclass
|
57
|
+
class PoseLandmarkerResult:
|
58
|
+
"""The pose landmarks detection result from PoseLandmarker, where each vector element represents a single pose detected in the image.
|
59
|
+
|
60
|
+
Attributes:
|
61
|
+
pose_landmarks: Detected pose landmarks in normalized image coordinates.
|
62
|
+
pose_world_landmarks: Detected pose landmarks in world coordinates.
|
63
|
+
segmentation_masks: Optional segmentation masks for pose.
|
64
|
+
"""
|
65
|
+
|
66
|
+
pose_landmarks: List[List[landmark_module.NormalizedLandmark]]
|
67
|
+
pose_world_landmarks: List[List[landmark_module.Landmark]]
|
68
|
+
segmentation_masks: Optional[List[image_module.Image]] = None
|
69
|
+
|
70
|
+
|
71
|
+
def _build_landmarker_result(
|
72
|
+
output_packets: Mapping[str, packet_module.Packet]
|
73
|
+
) -> PoseLandmarkerResult:
|
74
|
+
"""Constructs a `PoseLandmarkerResult` from output packets."""
|
75
|
+
pose_landmarker_result = PoseLandmarkerResult([], [])
|
76
|
+
|
77
|
+
if _SEGMENTATION_MASK_STREAM_NAME in output_packets:
|
78
|
+
pose_landmarker_result.segmentation_masks = packet_getter.get_image_list(
|
79
|
+
output_packets[_SEGMENTATION_MASK_STREAM_NAME]
|
80
|
+
)
|
81
|
+
|
82
|
+
pose_landmarks_proto_list = packet_getter.get_proto_list(
|
83
|
+
output_packets[_NORM_LANDMARKS_STREAM_NAME]
|
84
|
+
)
|
85
|
+
pose_world_landmarks_proto_list = packet_getter.get_proto_list(
|
86
|
+
output_packets[_POSE_WORLD_LANDMARKS_STREAM_NAME]
|
87
|
+
)
|
88
|
+
|
89
|
+
for proto in pose_landmarks_proto_list:
|
90
|
+
pose_landmarks = landmark_pb2.NormalizedLandmarkList()
|
91
|
+
pose_landmarks.MergeFrom(proto)
|
92
|
+
pose_landmarks_list = []
|
93
|
+
for pose_landmark in pose_landmarks.landmark:
|
94
|
+
pose_landmarks_list.append(
|
95
|
+
landmark_module.NormalizedLandmark.create_from_pb2(pose_landmark)
|
96
|
+
)
|
97
|
+
pose_landmarker_result.pose_landmarks.append(pose_landmarks_list)
|
98
|
+
|
99
|
+
for proto in pose_world_landmarks_proto_list:
|
100
|
+
pose_world_landmarks = landmark_pb2.LandmarkList()
|
101
|
+
pose_world_landmarks.MergeFrom(proto)
|
102
|
+
pose_world_landmarks_list = []
|
103
|
+
for pose_world_landmark in pose_world_landmarks.landmark:
|
104
|
+
pose_world_landmarks_list.append(
|
105
|
+
landmark_module.Landmark.create_from_pb2(pose_world_landmark)
|
106
|
+
)
|
107
|
+
pose_landmarker_result.pose_world_landmarks.append(
|
108
|
+
pose_world_landmarks_list
|
109
|
+
)
|
110
|
+
|
111
|
+
return pose_landmarker_result
|
112
|
+
|
113
|
+
|
114
|
+
class PoseLandmarksConnections:
|
115
|
+
"""The connections between pose landmarks."""
|
116
|
+
|
117
|
+
@dataclasses.dataclass
|
118
|
+
class Connection:
|
119
|
+
"""The connection class for pose landmarks."""
|
120
|
+
|
121
|
+
start: int
|
122
|
+
end: int
|
123
|
+
|
124
|
+
POSE_LANDMARKS: List[Connection] = [
|
125
|
+
Connection(0, 1),
|
126
|
+
Connection(1, 2),
|
127
|
+
Connection(2, 3),
|
128
|
+
Connection(3, 7),
|
129
|
+
Connection(0, 4),
|
130
|
+
Connection(4, 5),
|
131
|
+
Connection(5, 6),
|
132
|
+
Connection(6, 8),
|
133
|
+
Connection(9, 10),
|
134
|
+
Connection(11, 12),
|
135
|
+
Connection(11, 13),
|
136
|
+
Connection(13, 15),
|
137
|
+
Connection(15, 17),
|
138
|
+
Connection(15, 19),
|
139
|
+
Connection(15, 21),
|
140
|
+
Connection(17, 19),
|
141
|
+
Connection(12, 14),
|
142
|
+
Connection(14, 16),
|
143
|
+
Connection(16, 18),
|
144
|
+
Connection(16, 20),
|
145
|
+
Connection(16, 22),
|
146
|
+
Connection(18, 20),
|
147
|
+
Connection(11, 23),
|
148
|
+
Connection(12, 24),
|
149
|
+
Connection(23, 24),
|
150
|
+
Connection(23, 25),
|
151
|
+
Connection(24, 26),
|
152
|
+
Connection(25, 27),
|
153
|
+
Connection(26, 28),
|
154
|
+
Connection(27, 29),
|
155
|
+
Connection(28, 30),
|
156
|
+
Connection(29, 31),
|
157
|
+
Connection(30, 32),
|
158
|
+
Connection(27, 31),
|
159
|
+
Connection(28, 32)
|
160
|
+
]
|
161
|
+
|
162
|
+
|
163
|
+
@dataclasses.dataclass
|
164
|
+
class PoseLandmarkerOptions:
|
165
|
+
"""Options for the pose landmarker task.
|
166
|
+
|
167
|
+
Attributes:
|
168
|
+
base_options: Base options for the pose landmarker task.
|
169
|
+
running_mode: The running mode of the task. Default to the image mode.
|
170
|
+
PoseLandmarker has three running modes: 1) The image mode for detecting
|
171
|
+
pose landmarks on single image inputs. 2) The video mode for detecting
|
172
|
+
pose landmarks on the decoded frames of a video. 3) The live stream mode
|
173
|
+
for detecting pose landmarks on the live stream of input data, such as
|
174
|
+
from camera. In this mode, the "result_callback" below must be specified
|
175
|
+
to receive the detection results asynchronously.
|
176
|
+
num_poses: The maximum number of poses can be detected by the
|
177
|
+
PoseLandmarker.
|
178
|
+
min_pose_detection_confidence: The minimum confidence score for the pose
|
179
|
+
detection to be considered successful.
|
180
|
+
min_pose_presence_confidence: The minimum confidence score of pose presence
|
181
|
+
score in the pose landmark detection.
|
182
|
+
min_tracking_confidence: The minimum confidence score for the pose tracking
|
183
|
+
to be considered successful.
|
184
|
+
output_segmentation_masks: whether to output segmentation masks.
|
185
|
+
result_callback: The user-defined result callback for processing live stream
|
186
|
+
data. The result callback should only be specified when the running mode
|
187
|
+
is set to the live stream mode.
|
188
|
+
"""
|
189
|
+
|
190
|
+
base_options: _BaseOptions
|
191
|
+
running_mode: _RunningMode = _RunningMode.IMAGE
|
192
|
+
num_poses: int = 1
|
193
|
+
min_pose_detection_confidence: float = 0.5
|
194
|
+
min_pose_presence_confidence: float = 0.5
|
195
|
+
min_tracking_confidence: float = 0.5
|
196
|
+
output_segmentation_masks: bool = False
|
197
|
+
result_callback: Optional[
|
198
|
+
Callable[[PoseLandmarkerResult, image_module.Image, int], None]
|
199
|
+
] = None
|
200
|
+
|
201
|
+
@doc_controls.do_not_generate_docs
|
202
|
+
def to_pb2(self) -> _PoseLandmarkerGraphOptionsProto:
|
203
|
+
"""Generates an PoseLandmarkerGraphOptions protobuf object."""
|
204
|
+
base_options_proto = self.base_options.to_pb2()
|
205
|
+
base_options_proto.use_stream_mode = (
|
206
|
+
False if self.running_mode == _RunningMode.IMAGE else True
|
207
|
+
)
|
208
|
+
|
209
|
+
# Initialize the pose landmarker options from base options.
|
210
|
+
pose_landmarker_options_proto = _PoseLandmarkerGraphOptionsProto(
|
211
|
+
base_options=base_options_proto
|
212
|
+
)
|
213
|
+
pose_landmarker_options_proto.min_tracking_confidence = (
|
214
|
+
self.min_tracking_confidence
|
215
|
+
)
|
216
|
+
pose_landmarker_options_proto.pose_detector_graph_options.num_poses = (
|
217
|
+
self.num_poses
|
218
|
+
)
|
219
|
+
pose_landmarker_options_proto.pose_detector_graph_options.min_detection_confidence = (
|
220
|
+
self.min_pose_detection_confidence
|
221
|
+
)
|
222
|
+
pose_landmarker_options_proto.pose_landmarks_detector_graph_options.min_detection_confidence = (
|
223
|
+
self.min_pose_presence_confidence
|
224
|
+
)
|
225
|
+
return pose_landmarker_options_proto
|
226
|
+
|
227
|
+
|
228
|
+
class PoseLandmarker(base_vision_task_api.BaseVisionTaskApi):
|
229
|
+
"""Class that performs pose landmarks detection on images."""
|
230
|
+
|
231
|
+
@classmethod
|
232
|
+
def create_from_model_path(cls, model_path: str) -> 'PoseLandmarker':
|
233
|
+
"""Creates a `PoseLandmarker` object from a model bundle file and the default `PoseLandmarkerOptions`.
|
234
|
+
|
235
|
+
Note that the created `PoseLandmarker` instance is in image mode, for
|
236
|
+
detecting pose landmarks on single image inputs.
|
237
|
+
|
238
|
+
Args:
|
239
|
+
model_path: Path to the model.
|
240
|
+
|
241
|
+
Returns:
|
242
|
+
`PoseLandmarker` object that's created from the model file and the
|
243
|
+
default `PoseLandmarkerOptions`.
|
244
|
+
|
245
|
+
Raises:
|
246
|
+
ValueError: If failed to create `PoseLandmarker` object from the
|
247
|
+
provided file such as invalid file path.
|
248
|
+
RuntimeError: If other types of error occurred.
|
249
|
+
"""
|
250
|
+
base_options = _BaseOptions(model_asset_path=model_path)
|
251
|
+
options = PoseLandmarkerOptions(
|
252
|
+
base_options=base_options, running_mode=_RunningMode.IMAGE
|
253
|
+
)
|
254
|
+
return cls.create_from_options(options)
|
255
|
+
|
256
|
+
@classmethod
|
257
|
+
def create_from_options(
|
258
|
+
cls, options: PoseLandmarkerOptions
|
259
|
+
) -> 'PoseLandmarker':
|
260
|
+
"""Creates the `PoseLandmarker` object from pose landmarker options.
|
261
|
+
|
262
|
+
Args:
|
263
|
+
options: Options for the pose landmarker task.
|
264
|
+
|
265
|
+
Returns:
|
266
|
+
`PoseLandmarker` object that's created from `options`.
|
267
|
+
|
268
|
+
Raises:
|
269
|
+
ValueError: If failed to create `PoseLandmarker` object from
|
270
|
+
`PoseLandmarkerOptions` such as missing the model.
|
271
|
+
RuntimeError: If other types of error occurred.
|
272
|
+
"""
|
273
|
+
|
274
|
+
def packets_callback(output_packets: Mapping[str, packet_module.Packet]):
|
275
|
+
if output_packets[_IMAGE_OUT_STREAM_NAME].is_empty():
|
276
|
+
return
|
277
|
+
|
278
|
+
image = packet_getter.get_image(output_packets[_IMAGE_OUT_STREAM_NAME])
|
279
|
+
|
280
|
+
if output_packets[_NORM_LANDMARKS_STREAM_NAME].is_empty():
|
281
|
+
empty_packet = output_packets[_NORM_LANDMARKS_STREAM_NAME]
|
282
|
+
options.result_callback(
|
283
|
+
PoseLandmarkerResult([], []),
|
284
|
+
image,
|
285
|
+
empty_packet.timestamp.value // _MICRO_SECONDS_PER_MILLISECOND,
|
286
|
+
)
|
287
|
+
return
|
288
|
+
|
289
|
+
pose_landmarker_result = _build_landmarker_result(output_packets)
|
290
|
+
timestamp = output_packets[_NORM_LANDMARKS_STREAM_NAME].timestamp
|
291
|
+
options.result_callback(
|
292
|
+
pose_landmarker_result,
|
293
|
+
image,
|
294
|
+
timestamp.value // _MICRO_SECONDS_PER_MILLISECOND,
|
295
|
+
)
|
296
|
+
|
297
|
+
output_streams = [
|
298
|
+
':'.join([_NORM_LANDMARKS_TAG, _NORM_LANDMARKS_STREAM_NAME]),
|
299
|
+
':'.join(
|
300
|
+
[_POSE_WORLD_LANDMARKS_TAG, _POSE_WORLD_LANDMARKS_STREAM_NAME]
|
301
|
+
),
|
302
|
+
':'.join([_IMAGE_TAG, _IMAGE_OUT_STREAM_NAME]),
|
303
|
+
]
|
304
|
+
|
305
|
+
if options.output_segmentation_masks:
|
306
|
+
output_streams.append(
|
307
|
+
':'.join([_SEGMENTATION_MASK_TAG, _SEGMENTATION_MASK_STREAM_NAME])
|
308
|
+
)
|
309
|
+
|
310
|
+
task_info = _TaskInfo(
|
311
|
+
task_graph=_TASK_GRAPH_NAME,
|
312
|
+
input_streams=[
|
313
|
+
':'.join([_IMAGE_TAG, _IMAGE_IN_STREAM_NAME]),
|
314
|
+
':'.join([_NORM_RECT_TAG, _NORM_RECT_STREAM_NAME]),
|
315
|
+
],
|
316
|
+
output_streams=output_streams,
|
317
|
+
task_options=options,
|
318
|
+
)
|
319
|
+
return cls(
|
320
|
+
task_info.generate_graph_config(
|
321
|
+
enable_flow_limiting=options.running_mode
|
322
|
+
== _RunningMode.LIVE_STREAM
|
323
|
+
),
|
324
|
+
options.running_mode,
|
325
|
+
packets_callback if options.result_callback else None,
|
326
|
+
)
|
327
|
+
|
328
|
+
def detect(
|
329
|
+
self,
|
330
|
+
image: image_module.Image,
|
331
|
+
image_processing_options: Optional[_ImageProcessingOptions] = None,
|
332
|
+
) -> PoseLandmarkerResult:
|
333
|
+
"""Performs pose landmarks detection on the given image.
|
334
|
+
|
335
|
+
Only use this method when the PoseLandmarker is created with the image
|
336
|
+
running mode.
|
337
|
+
|
338
|
+
Args:
|
339
|
+
image: MediaPipe Image.
|
340
|
+
image_processing_options: Options for image processing.
|
341
|
+
|
342
|
+
Returns:
|
343
|
+
The pose landmarker detection results.
|
344
|
+
|
345
|
+
Raises:
|
346
|
+
ValueError: If any of the input arguments is invalid.
|
347
|
+
RuntimeError: If pose landmarker detection failed to run.
|
348
|
+
"""
|
349
|
+
normalized_rect = self.convert_to_normalized_rect(
|
350
|
+
image_processing_options, image, roi_allowed=False
|
351
|
+
)
|
352
|
+
output_packets = self._process_image_data({
|
353
|
+
_IMAGE_IN_STREAM_NAME: packet_creator.create_image(image),
|
354
|
+
_NORM_RECT_STREAM_NAME: packet_creator.create_proto(
|
355
|
+
normalized_rect.to_pb2()
|
356
|
+
),
|
357
|
+
})
|
358
|
+
|
359
|
+
if output_packets[_NORM_LANDMARKS_STREAM_NAME].is_empty():
|
360
|
+
return PoseLandmarkerResult([], [])
|
361
|
+
|
362
|
+
return _build_landmarker_result(output_packets)
|
363
|
+
|
364
|
+
def detect_for_video(
|
365
|
+
self,
|
366
|
+
image: image_module.Image,
|
367
|
+
timestamp_ms: int,
|
368
|
+
image_processing_options: Optional[_ImageProcessingOptions] = None,
|
369
|
+
) -> PoseLandmarkerResult:
|
370
|
+
"""Performs pose landmarks detection on the provided video frame.
|
371
|
+
|
372
|
+
Only use this method when the PoseLandmarker is created with the video
|
373
|
+
running mode.
|
374
|
+
|
375
|
+
Only use this method when the PoseLandmarker is created with the video
|
376
|
+
running mode. It's required to provide the video frame's timestamp (in
|
377
|
+
milliseconds) along with the video frame. The input timestamps should be
|
378
|
+
monotonically increasing for adjacent calls of this method.
|
379
|
+
|
380
|
+
Args:
|
381
|
+
image: MediaPipe Image.
|
382
|
+
timestamp_ms: The timestamp of the input video frame in milliseconds.
|
383
|
+
image_processing_options: Options for image processing.
|
384
|
+
|
385
|
+
Returns:
|
386
|
+
The pose landmarker detection results.
|
387
|
+
|
388
|
+
Raises:
|
389
|
+
ValueError: If any of the input arguments is invalid.
|
390
|
+
RuntimeError: If pose landmarker detection failed to run.
|
391
|
+
"""
|
392
|
+
normalized_rect = self.convert_to_normalized_rect(
|
393
|
+
image_processing_options, image, roi_allowed=False
|
394
|
+
)
|
395
|
+
output_packets = self._process_video_data({
|
396
|
+
_IMAGE_IN_STREAM_NAME: packet_creator.create_image(image).at(
|
397
|
+
timestamp_ms * _MICRO_SECONDS_PER_MILLISECOND
|
398
|
+
),
|
399
|
+
_NORM_RECT_STREAM_NAME: packet_creator.create_proto(
|
400
|
+
normalized_rect.to_pb2()
|
401
|
+
).at(timestamp_ms * _MICRO_SECONDS_PER_MILLISECOND),
|
402
|
+
})
|
403
|
+
|
404
|
+
if output_packets[_NORM_LANDMARKS_STREAM_NAME].is_empty():
|
405
|
+
return PoseLandmarkerResult([], [])
|
406
|
+
|
407
|
+
return _build_landmarker_result(output_packets)
|
408
|
+
|
409
|
+
def detect_async(
|
410
|
+
self,
|
411
|
+
image: image_module.Image,
|
412
|
+
timestamp_ms: int,
|
413
|
+
image_processing_options: Optional[_ImageProcessingOptions] = None,
|
414
|
+
) -> None:
|
415
|
+
"""Sends live image data to perform pose landmarks detection.
|
416
|
+
|
417
|
+
The results will be available via the "result_callback" provided in the
|
418
|
+
PoseLandmarkerOptions. Only use this method when the PoseLandmarker is
|
419
|
+
created with the live stream running mode.
|
420
|
+
|
421
|
+
Only use this method when the PoseLandmarker is created with the live
|
422
|
+
stream running mode. The input timestamps should be monotonically increasing
|
423
|
+
for adjacent calls of this method. This method will return immediately after
|
424
|
+
the input image is accepted. The results will be available via the
|
425
|
+
`result_callback` provided in the `PoseLandmarkerOptions`. The
|
426
|
+
`detect_async` method is designed to process live stream data such as
|
427
|
+
camera input. To lower the overall latency, pose landmarker may drop the
|
428
|
+
input images if needed. In other words, it's not guaranteed to have output
|
429
|
+
per input image.
|
430
|
+
|
431
|
+
The `result_callback` provides:
|
432
|
+
- The pose landmarker detection results.
|
433
|
+
- The input image that the pose landmarker runs on.
|
434
|
+
- The input timestamp in milliseconds.
|
435
|
+
|
436
|
+
Args:
|
437
|
+
image: MediaPipe Image.
|
438
|
+
timestamp_ms: The timestamp of the input image in milliseconds.
|
439
|
+
image_processing_options: Options for image processing.
|
440
|
+
|
441
|
+
Raises:
|
442
|
+
ValueError: If the current input timestamp is smaller than what the
|
443
|
+
pose landmarker has already processed.
|
444
|
+
"""
|
445
|
+
normalized_rect = self.convert_to_normalized_rect(
|
446
|
+
image_processing_options, image, roi_allowed=False
|
447
|
+
)
|
448
|
+
self._send_live_stream_data({
|
449
|
+
_IMAGE_IN_STREAM_NAME: packet_creator.create_image(image).at(
|
450
|
+
timestamp_ms * _MICRO_SECONDS_PER_MILLISECOND
|
451
|
+
),
|
452
|
+
_NORM_RECT_STREAM_NAME: packet_creator.create_proto(
|
453
|
+
normalized_rect.to_pb2()
|
454
|
+
).at(timestamp_ms * _MICRO_SECONDS_PER_MILLISECOND),
|
455
|
+
})
|
File without changes
|
File without changes
|
@@ -0,0 +1,44 @@
|
|
1
|
+
# -*- coding: utf-8 -*-
|
2
|
+
# Generated by the protocol buffer compiler. DO NOT EDIT!
|
3
|
+
# source: mediapipe/util/analytics/mediapipe_log_extension.proto
|
4
|
+
# Protobuf Python Version: 4.25.1
|
5
|
+
"""Generated protocol buffer code."""
|
6
|
+
from google.protobuf import descriptor as _descriptor
|
7
|
+
from google.protobuf import descriptor_pool as _descriptor_pool
|
8
|
+
from google.protobuf import symbol_database as _symbol_database
|
9
|
+
from google.protobuf.internal import builder as _builder
|
10
|
+
# @@protoc_insertion_point(imports)
|
11
|
+
|
12
|
+
_sym_db = _symbol_database.Default()
|
13
|
+
|
14
|
+
|
15
|
+
from mediapipe.util.analytics import mediapipe_logging_enums_pb2 as mediapipe_dot_util_dot_analytics_dot_mediapipe__logging__enums__pb2
|
16
|
+
|
17
|
+
|
18
|
+
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n6mediapipe/util/analytics/mediapipe_log_extension.proto\x12\x14logs.proto.mediapipe\x1a\x36mediapipe/util/analytics/mediapipe_logging_enums.proto\"\x8b\x01\n\x15MediaPipeLogExtension\x12\x35\n\x0bsystem_info\x18\x01 \x01(\x0b\x32 .logs.proto.mediapipe.SystemInfo\x12;\n\x0esolution_event\x18\x02 \x01(\x0b\x32#.logs.proto.mediapipe.SolutionEvent\"~\n\nSystemInfo\x12\x30\n\x08platform\x18\x01 \x01(\x0e\x32\x1e.logs.proto.mediapipe.Platform\x12\x0e\n\x06\x61pp_id\x18\x02 \x01(\t\x12\x13\n\x0b\x61pp_version\x18\x03 \x01(\t\x12\x19\n\x11mediapipe_version\x18\x04 \x01(\t\"\xe6\x03\n\rSolutionEvent\x12\x39\n\rsolution_name\x18\x01 \x01(\x0e\x32\".logs.proto.mediapipe.SolutionName\x12\x33\n\nevent_name\x18\x02 \x01(\x0e\x32\x1f.logs.proto.mediapipe.EventName\x12\x43\n\rsession_start\x18\x03 \x01(\x0b\x32*.logs.proto.mediapipe.SolutionSessionStartH\x00\x12K\n\x11invocation_report\x18\x04 \x01(\x0b\x32..logs.proto.mediapipe.SolutionInvocationReportH\x00\x12?\n\x0bsession_end\x18\x05 \x01(\x0b\x32(.logs.proto.mediapipe.SolutionSessionEndH\x00\x12<\n\rerror_details\x18\x06 \x01(\x0b\x32#.logs.proto.mediapipe.SolutionErrorH\x00\x12\x43\n\rsession_clone\x18\x07 \x01(\x0b\x32*.logs.proto.mediapipe.SolutionSessionCloneH\x00\x42\x0f\n\revent_details\"f\n\x17SolutionInvocationCount\x12<\n\x0finput_data_type\x18\x01 \x01(\x0e\x32#.logs.proto.mediapipe.InputDataType\x12\r\n\x05\x63ount\x18\x02 \x01(\x03\"u\n\x14SolutionSessionStart\x12\x30\n\x04mode\x18\x01 \x01(\x0e\x32\".logs.proto.mediapipe.SolutionMode\x12\x12\n\ngraph_name\x18\x02 \x01(\t\x12\x17\n\x0finit_latency_ms\x18\x03 \x01(\x04\"u\n\x14SolutionSessionClone\x12\x30\n\x04mode\x18\x01 \x01(\x0e\x32\".logs.proto.mediapipe.SolutionMode\x12\x12\n\ngraph_name\x18\x02 \x01(\t\x12\x17\n\x0finit_latency_ms\x18\x03 \x01(\x04\"\x92\x02\n\x18SolutionInvocationReport\x12\x30\n\x04mode\x18\x01 \x01(\x0e\x32\".logs.proto.mediapipe.SolutionMode\x12#\n\x1bpipeline_average_latency_ms\x18\x04 \x01(\x04\x12 \n\x18pipeline_peak_latency_ms\x18\x05 \x01(\x04\x12\x17\n\x0f\x65lapsed_time_ms\x18\x06 \x01(\x04\x12\x0f\n\x07\x64ropped\x18\x07 \x01(\x03\x12G\n\x10invocation_count\x18\x08 \x03(\x0b\x32-.logs.proto.mediapipe.SolutionInvocationCountJ\x04\x08\x02\x10\x03J\x04\x08\x03\x10\x04\"e\n\x12SolutionSessionEnd\x12I\n\x11invocation_report\x18\x02 \x01(\x0b\x32..logs.proto.mediapipe.SolutionInvocationReportJ\x04\x08\x01\x10\x02\"D\n\rSolutionError\x12\x33\n\nerror_code\x18\x01 \x01(\x0e\x32\x1f.logs.proto.mediapipe.ErrorCodeB3\n\x1a\x63om.google.mediapipe.protoB\x15MediaPipeLoggingProto')
|
19
|
+
|
20
|
+
_globals = globals()
|
21
|
+
_builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
|
22
|
+
_builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.analytics.mediapipe_log_extension_pb2', _globals)
|
23
|
+
if _descriptor._USE_C_DESCRIPTORS == False:
|
24
|
+
_globals['DESCRIPTOR']._options = None
|
25
|
+
_globals['DESCRIPTOR']._serialized_options = b'\n\032com.google.mediapipe.protoB\025MediaPipeLoggingProto'
|
26
|
+
_globals['_MEDIAPIPELOGEXTENSION']._serialized_start=137
|
27
|
+
_globals['_MEDIAPIPELOGEXTENSION']._serialized_end=276
|
28
|
+
_globals['_SYSTEMINFO']._serialized_start=278
|
29
|
+
_globals['_SYSTEMINFO']._serialized_end=404
|
30
|
+
_globals['_SOLUTIONEVENT']._serialized_start=407
|
31
|
+
_globals['_SOLUTIONEVENT']._serialized_end=893
|
32
|
+
_globals['_SOLUTIONINVOCATIONCOUNT']._serialized_start=895
|
33
|
+
_globals['_SOLUTIONINVOCATIONCOUNT']._serialized_end=997
|
34
|
+
_globals['_SOLUTIONSESSIONSTART']._serialized_start=999
|
35
|
+
_globals['_SOLUTIONSESSIONSTART']._serialized_end=1116
|
36
|
+
_globals['_SOLUTIONSESSIONCLONE']._serialized_start=1118
|
37
|
+
_globals['_SOLUTIONSESSIONCLONE']._serialized_end=1235
|
38
|
+
_globals['_SOLUTIONINVOCATIONREPORT']._serialized_start=1238
|
39
|
+
_globals['_SOLUTIONINVOCATIONREPORT']._serialized_end=1512
|
40
|
+
_globals['_SOLUTIONSESSIONEND']._serialized_start=1514
|
41
|
+
_globals['_SOLUTIONSESSIONEND']._serialized_end=1615
|
42
|
+
_globals['_SOLUTIONERROR']._serialized_start=1617
|
43
|
+
_globals['_SOLUTIONERROR']._serialized_end=1685
|
44
|
+
# @@protoc_insertion_point(module_scope)
|
@@ -0,0 +1,37 @@
|
|
1
|
+
# -*- coding: utf-8 -*-
|
2
|
+
# Generated by the protocol buffer compiler. DO NOT EDIT!
|
3
|
+
# source: mediapipe/util/analytics/mediapipe_logging_enums.proto
|
4
|
+
# Protobuf Python Version: 4.25.1
|
5
|
+
"""Generated protocol buffer code."""
|
6
|
+
from google.protobuf import descriptor as _descriptor
|
7
|
+
from google.protobuf import descriptor_pool as _descriptor_pool
|
8
|
+
from google.protobuf import symbol_database as _symbol_database
|
9
|
+
from google.protobuf.internal import builder as _builder
|
10
|
+
# @@protoc_insertion_point(imports)
|
11
|
+
|
12
|
+
_sym_db = _symbol_database.Default()
|
13
|
+
|
14
|
+
|
15
|
+
|
16
|
+
|
17
|
+
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n6mediapipe/util/analytics/mediapipe_logging_enums.proto\x12\x14logs.proto.mediapipe*H\n\x08Platform\x12\x14\n\x10PLATFORM_UNKNOWN\x10\x00\x12\x14\n\x10PLATFORM_ANDROID\x10\x01\x12\x10\n\x0cPLATFORM_IOS\x10\x02*\xc2\x04\n\x0cSolutionName\x12\x14\n\x10SOLUTION_UNKNOWN\x10\x00\x12\x1a\n\x16SOLUTION_FACEDETECTION\x10\x01\x12\x15\n\x11SOLUTION_FACEMESH\x10\x02\x12\x12\n\x0eSOLUTION_HANDS\x10\x03\x12\x19\n\x15TASKS_AUDIOCLASSIFIER\x10\x04\x12\x17\n\x13TASKS_AUDIOEMBEDDER\x10\x05\x12\x18\n\x14TASKS_TEXTCLASSIFIER\x10\x06\x12\x16\n\x12TASKS_TEXTEMBEDDER\x10\x07\x12\x1b\n\x17TASKS_GESTURERECOGNIZER\x10\x08\x12\x16\n\x12TASKS_HANDDETECTOR\x10\t\x12\x18\n\x14TASKS_HANDLANDMARKER\x10\n\x12\x19\n\x15TASKS_IMAGECLASSIFIER\x10\x0b\x12\x17\n\x13TASKS_IMAGEEMBEDDER\x10\x0c\x12\x18\n\x14TASKS_IMAGESEGMENTER\x10\r\x12\x18\n\x14TASKS_OBJECTDETECTOR\x10\x0e\x12\x16\n\x12TASKS_FACEDETECTOR\x10\x0f\x12\x18\n\x14TASKS_FACELANDMARKER\x10\x10\x12\x16\n\x12TASKS_FACESTYLIZER\x10\x11\x12\x1e\n\x1aTASKS_INTERACTIVESEGMENTER\x10\x12\x12\x18\n\x14TASKS_IMAGEGENERATOR\x10\x13\x12\x1c\n\x18TASKS_HOLISTICLANDMARKER\x10\x14\x12\x16\n\x12TASKS_LLMINFERENCE\x10\x15*R\n\tEventName\x12\x0f\n\x0b\x45VENT_START\x10\x00\x12\x14\n\x10\x45VENT_INVOCATONS\x10\x01\x12\r\n\tEVENT_END\x10\x02\x12\x0f\n\x0b\x45VENT_ERROR\x10\x03*\xe4\x01\n\x0cSolutionMode\x12\x10\n\x0cMODE_UNKNOWN\x10\x00\x12\x0e\n\nMODE_VIDEO\x10\x01\x12\x15\n\x11MODE_STATIC_IMAGE\x10\x02\x12\x1a\n\x16MODE_TASKS_UNSPECIFIED\x10\n\x12\x14\n\x10MODE_TASKS_IMAGE\x10\x0b\x12\x14\n\x10MODE_TASKS_VIDEO\x10\x0c\x12\x1a\n\x16MODE_TASKS_LIVE_STREAM\x10\r\x12\x1a\n\x16MODE_TASKS_AUDIO_CLIPS\x10\x0e\x12\x1b\n\x17MODE_TASKS_AUDIO_STREAM\x10\x0f*\x8f\x01\n\rInputDataType\x12\x16\n\x12INPUT_TYPE_UNKNOWN\x10\x00\x12\x18\n\x14INPUT_TYPE_CPU_IMAGE\x10\x01\x12\x18\n\x14INPUT_TYPE_GPU_IMAGE\x10\x02\x12\x18\n\x14INPUT_TYPE_TASKS_CPU\x10\x03\x12\x18\n\x14INPUT_TYPE_TASKS_GPU\x10\x04*i\n\tErrorCode\x12\x11\n\rERROR_UNKNOWN\x10\x00\x12\x1b\n\x17\x45RROR_UNSUPPORTED_INPUT\x10\x01\x12\x1c\n\x18\x45RROR_UNSUPPORTED_OUTPUT\x10\x02\x12\x0e\n\nERROR_INIT\x10\x03\x42\x38\n\x1a\x63om.google.mediapipe.protoB\x1aMediaPipeLoggingEnumsProto')
|
18
|
+
|
19
|
+
_globals = globals()
|
20
|
+
_builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
|
21
|
+
_builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.analytics.mediapipe_logging_enums_pb2', _globals)
|
22
|
+
if _descriptor._USE_C_DESCRIPTORS == False:
|
23
|
+
_globals['DESCRIPTOR']._options = None
|
24
|
+
_globals['DESCRIPTOR']._serialized_options = b'\n\032com.google.mediapipe.protoB\032MediaPipeLoggingEnumsProto'
|
25
|
+
_globals['_PLATFORM']._serialized_start=80
|
26
|
+
_globals['_PLATFORM']._serialized_end=152
|
27
|
+
_globals['_SOLUTIONNAME']._serialized_start=155
|
28
|
+
_globals['_SOLUTIONNAME']._serialized_end=733
|
29
|
+
_globals['_EVENTNAME']._serialized_start=735
|
30
|
+
_globals['_EVENTNAME']._serialized_end=817
|
31
|
+
_globals['_SOLUTIONMODE']._serialized_start=820
|
32
|
+
_globals['_SOLUTIONMODE']._serialized_end=1048
|
33
|
+
_globals['_INPUTDATATYPE']._serialized_start=1051
|
34
|
+
_globals['_INPUTDATATYPE']._serialized_end=1194
|
35
|
+
_globals['_ERRORCODE']._serialized_start=1196
|
36
|
+
_globals['_ERRORCODE']._serialized_end=1301
|
37
|
+
# @@protoc_insertion_point(module_scope)
|
@@ -0,0 +1,33 @@
|
|
1
|
+
# -*- coding: utf-8 -*-
|
2
|
+
# Generated by the protocol buffer compiler. DO NOT EDIT!
|
3
|
+
# source: mediapipe/util/audio_decoder.proto
|
4
|
+
# Protobuf Python Version: 4.25.1
|
5
|
+
"""Generated protocol buffer code."""
|
6
|
+
from google.protobuf import descriptor as _descriptor
|
7
|
+
from google.protobuf import descriptor_pool as _descriptor_pool
|
8
|
+
from google.protobuf import symbol_database as _symbol_database
|
9
|
+
from google.protobuf.internal import builder as _builder
|
10
|
+
# @@protoc_insertion_point(imports)
|
11
|
+
|
12
|
+
_sym_db = _symbol_database.Default()
|
13
|
+
|
14
|
+
|
15
|
+
from mediapipe.framework import calculator_pb2 as mediapipe_dot_framework_dot_calculator__pb2
|
16
|
+
try:
|
17
|
+
mediapipe_dot_framework_dot_calculator__options__pb2 = mediapipe_dot_framework_dot_calculator__pb2.mediapipe_dot_framework_dot_calculator__options__pb2
|
18
|
+
except AttributeError:
|
19
|
+
mediapipe_dot_framework_dot_calculator__options__pb2 = mediapipe_dot_framework_dot_calculator__pb2.mediapipe.framework.calculator_options_pb2
|
20
|
+
|
21
|
+
|
22
|
+
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n\"mediapipe/util/audio_decoder.proto\x12\tmediapipe\x1a$mediapipe/framework/calculator.proto\"\xc1\x01\n\x12\x41udioStreamOptions\x12\x17\n\x0cstream_index\x18\x01 \x01(\x03:\x01\x30\x12\x1c\n\rallow_missing\x18\x02 \x01(\x08:\x05\x66\x61lse\x12%\n\x16ignore_decode_failures\x18\x03 \x01(\x08:\x05\x66\x61lse\x12+\n\x1coutput_regressing_timestamps\x18\x04 \x01(\x08:\x05\x66\x61lse\x12 \n\x18\x63orrect_pts_for_rollover\x18\x05 \x01(\x08\"\xbe\x01\n\x13\x41udioDecoderOptions\x12\x33\n\x0c\x61udio_stream\x18\x01 \x03(\x0b\x32\x1d.mediapipe.AudioStreamOptions\x12\x12\n\nstart_time\x18\x02 \x01(\x01\x12\x10\n\x08\x65nd_time\x18\x03 \x01(\x01\x32L\n\x03\x65xt\x12\x1c.mediapipe.CalculatorOptions\x18\xb2\xef\xca} \x01(\x0b\x32\x1e.mediapipe.AudioDecoderOptions')
|
23
|
+
|
24
|
+
_globals = globals()
|
25
|
+
_builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
|
26
|
+
_builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.audio_decoder_pb2', _globals)
|
27
|
+
if _descriptor._USE_C_DESCRIPTORS == False:
|
28
|
+
DESCRIPTOR._options = None
|
29
|
+
_globals['_AUDIOSTREAMOPTIONS']._serialized_start=88
|
30
|
+
_globals['_AUDIOSTREAMOPTIONS']._serialized_end=281
|
31
|
+
_globals['_AUDIODECODEROPTIONS']._serialized_start=284
|
32
|
+
_globals['_AUDIODECODEROPTIONS']._serialized_end=474
|
33
|
+
# @@protoc_insertion_point(module_scope)
|
@@ -0,0 +1,33 @@
|
|
1
|
+
# -*- coding: utf-8 -*-
|
2
|
+
# Generated by the protocol buffer compiler. DO NOT EDIT!
|
3
|
+
# source: mediapipe/util/color.proto
|
4
|
+
# Protobuf Python Version: 4.25.1
|
5
|
+
"""Generated protocol buffer code."""
|
6
|
+
from google.protobuf import descriptor as _descriptor
|
7
|
+
from google.protobuf import descriptor_pool as _descriptor_pool
|
8
|
+
from google.protobuf import symbol_database as _symbol_database
|
9
|
+
from google.protobuf.internal import builder as _builder
|
10
|
+
# @@protoc_insertion_point(imports)
|
11
|
+
|
12
|
+
_sym_db = _symbol_database.Default()
|
13
|
+
|
14
|
+
|
15
|
+
|
16
|
+
|
17
|
+
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n\x1amediapipe/util/color.proto\x12\tmediapipe\"(\n\x05\x43olor\x12\t\n\x01r\x18\x01 \x01(\x05\x12\t\n\x01g\x18\x02 \x01(\x05\x12\t\n\x01\x62\x18\x03 \x01(\x05\"\x90\x01\n\x08\x43olorMap\x12=\n\x0elabel_to_color\x18\x01 \x03(\x0b\x32%.mediapipe.ColorMap.LabelToColorEntry\x1a\x45\n\x11LabelToColorEntry\x12\x0b\n\x03key\x18\x01 \x01(\t\x12\x1f\n\x05value\x18\x02 \x01(\x0b\x32\x10.mediapipe.Color:\x02\x38\x01\x42-\n\x1f\x63om.google.mediapipe.util.protoB\nColorProto')
|
18
|
+
|
19
|
+
_globals = globals()
|
20
|
+
_builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
|
21
|
+
_builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.color_pb2', _globals)
|
22
|
+
if _descriptor._USE_C_DESCRIPTORS == False:
|
23
|
+
_globals['DESCRIPTOR']._options = None
|
24
|
+
_globals['DESCRIPTOR']._serialized_options = b'\n\037com.google.mediapipe.util.protoB\nColorProto'
|
25
|
+
_globals['_COLORMAP_LABELTOCOLORENTRY']._options = None
|
26
|
+
_globals['_COLORMAP_LABELTOCOLORENTRY']._serialized_options = b'8\001'
|
27
|
+
_globals['_COLOR']._serialized_start=41
|
28
|
+
_globals['_COLOR']._serialized_end=81
|
29
|
+
_globals['_COLORMAP']._serialized_start=84
|
30
|
+
_globals['_COLORMAP']._serialized_end=228
|
31
|
+
_globals['_COLORMAP_LABELTOCOLORENTRY']._serialized_start=159
|
32
|
+
_globals['_COLORMAP_LABELTOCOLORENTRY']._serialized_end=228
|
33
|
+
# @@protoc_insertion_point(module_scope)
|
@@ -0,0 +1,27 @@
|
|
1
|
+
# -*- coding: utf-8 -*-
|
2
|
+
# Generated by the protocol buffer compiler. DO NOT EDIT!
|
3
|
+
# source: mediapipe/util/label_map.proto
|
4
|
+
# Protobuf Python Version: 4.25.1
|
5
|
+
"""Generated protocol buffer code."""
|
6
|
+
from google.protobuf import descriptor as _descriptor
|
7
|
+
from google.protobuf import descriptor_pool as _descriptor_pool
|
8
|
+
from google.protobuf import symbol_database as _symbol_database
|
9
|
+
from google.protobuf.internal import builder as _builder
|
10
|
+
# @@protoc_insertion_point(imports)
|
11
|
+
|
12
|
+
_sym_db = _symbol_database.Default()
|
13
|
+
|
14
|
+
|
15
|
+
|
16
|
+
|
17
|
+
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n\x1emediapipe/util/label_map.proto\x12\tmediapipe\"F\n\x0cLabelMapItem\x12\x0c\n\x04name\x18\x01 \x01(\t\x12\x14\n\x0c\x64isplay_name\x18\x02 \x01(\t\x12\x12\n\nchild_name\x18\x03 \x03(\tB0\n\x1f\x63om.google.mediapipe.util.protoB\rLabelMapProto')
|
18
|
+
|
19
|
+
_globals = globals()
|
20
|
+
_builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
|
21
|
+
_builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.label_map_pb2', _globals)
|
22
|
+
if _descriptor._USE_C_DESCRIPTORS == False:
|
23
|
+
_globals['DESCRIPTOR']._options = None
|
24
|
+
_globals['DESCRIPTOR']._serialized_options = b'\n\037com.google.mediapipe.util.protoB\rLabelMapProto'
|
25
|
+
_globals['_LABELMAPITEM']._serialized_start=45
|
26
|
+
_globals['_LABELMAPITEM']._serialized_end=115
|
27
|
+
# @@protoc_insertion_point(module_scope)
|