mediapipe-nightly 0.0.0.post20231103__cp311-cp311-macosx_11_0_universal2.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 +34 -0
- mediapipe/calculators/audio/rational_factor_resample_calculator_pb2.py +33 -0
- mediapipe/calculators/audio/spectrogram_calculator_pb2.py +35 -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 +37 -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 +28 -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 +53 -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/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 +25 -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 +25 -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 +25 -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/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 +25 -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 +28 -0
- mediapipe/framework/calculator_pb2.py +56 -0
- mediapipe/framework/calculator_profile_pb2.py +47 -0
- mediapipe/framework/deps/__init__.py +0 -0
- mediapipe/framework/deps/proto_descriptor_pb2.py +28 -0
- mediapipe/framework/formats/__init__.py +0 -0
- mediapipe/framework/formats/affine_transform_data_pb2.py +27 -0
- mediapipe/framework/formats/annotation/__init__.py +0 -0
- mediapipe/framework/formats/annotation/locus_pb2.py +31 -0
- mediapipe/framework/formats/annotation/rasterization_pb2.py +28 -0
- mediapipe/framework/formats/body_rig_pb2.py +27 -0
- mediapipe/framework/formats/classification_pb2.py +30 -0
- mediapipe/framework/formats/detection_pb2.py +35 -0
- mediapipe/framework/formats/image_file_properties_pb2.py +25 -0
- mediapipe/framework/formats/image_format_pb2.py +28 -0
- mediapipe/framework/formats/landmark_pb2.py +36 -0
- mediapipe/framework/formats/location_data_pb2.py +37 -0
- mediapipe/framework/formats/matrix_data_pb2.py +30 -0
- mediapipe/framework/formats/motion/__init__.py +0 -0
- mediapipe/framework/formats/motion/optical_flow_field_data_pb2.py +29 -0
- mediapipe/framework/formats/object_detection/__init__.py +0 -0
- mediapipe/framework/formats/object_detection/anchor_pb2.py +25 -0
- mediapipe/framework/formats/rect_pb2.py +28 -0
- mediapipe/framework/formats/time_series_header_pb2.py +27 -0
- mediapipe/framework/mediapipe_options_pb2.py +26 -0
- mediapipe/framework/packet_factory_pb2.py +30 -0
- mediapipe/framework/packet_generator_pb2.py +32 -0
- mediapipe/framework/status_handler_pb2.py +27 -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 +29 -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 +27 -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 +28 -0
- mediapipe/gpu/scale_mode_pb2.py +27 -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 +30 -0
- mediapipe/modules/face_geometry/protos/face_geometry_pb2.py +28 -0
- mediapipe/modules/face_geometry/protos/geometry_pipeline_metadata_pb2.py +31 -0
- mediapipe/modules/face_geometry/protos/mesh_3d_pb2.py +30 -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 +101 -0
- mediapipe/modules/objectron/calculators/annotation_data_pb2.py +37 -0
- mediapipe/modules/objectron/calculators/belief_decoder_config_pb2.py +27 -0
- mediapipe/modules/objectron/calculators/camera_parameters_pb2.py +29 -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 +37 -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 +28 -0
- mediapipe/python/_framework_bindings/arm64.cpython-311-darwin.so +0 -0
- mediapipe/python/_framework_bindings.cpython-311-darwin.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 +119 -0
- mediapipe/python/packet_test.py +533 -0
- mediapipe/python/solution_base.py +632 -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 +316 -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 +218 -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 +29 -0
- mediapipe/tasks/cc/components/containers/proto/embeddings_pb2.py +34 -0
- mediapipe/tasks/cc/components/containers/proto/landmarks_detection_result_pb2.py +31 -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 +26 -0
- mediapipe/tasks/cc/components/processors/proto/detection_postprocessing_graph_options_pb2.py +35 -0
- mediapipe/tasks/cc/components/processors/proto/detector_options_pb2.py +26 -0
- mediapipe/tasks/cc/components/processors/proto/embedder_options_pb2.py +26 -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/llm_params_pb2.py +27 -0
- mediapipe/tasks/cc/components/processors/proto/text_model_type_pb2.py +27 -0
- mediapipe/tasks/cc/components/processors/proto/text_preprocessing_graph_options_pb2.py +32 -0
- mediapipe/tasks/cc/components/processors/proto/transformer_params_pb2.py +28 -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 +27 -0
- mediapipe/tasks/cc/core/proto/base_options_pb2.py +29 -0
- mediapipe/tasks/cc/core/proto/external_file_pb2.py +30 -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/metadata/__init__.py +0 -0
- mediapipe/tasks/cc/metadata/python/__init__.py +0 -0
- mediapipe/tasks/cc/metadata/python/_pywrap_metadata_version/arm64.cpython-311-darwin.so +0 -0
- mediapipe/tasks/cc/metadata/python/_pywrap_metadata_version.cpython-311-darwin.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 +30 -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 +28 -0
- mediapipe/tasks/cc/vision/face_geometry/proto/geometry_pipeline_metadata_pb2.py +31 -0
- mediapipe/tasks/cc/vision/face_geometry/proto/mesh_3d_pb2.py +30 -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 +29 -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 +26 -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 +39 -0
- mediapipe/tasks/cc/vision/image_generator/proto/control_plugin_graph_options_pb2.py +33 -0
- mediapipe/tasks/cc/vision/image_generator/proto/image_generator_graph_options_pb2.py +29 -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 +32 -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 +14263 -0
- mediapipe/tasks/python/__init__.py +26 -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/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 +132 -0
- mediapipe/tasks/python/metadata/__init__.py +13 -0
- mediapipe/tasks/python/metadata/flatbuffers_lib/_pywrap_flatbuffers/arm64.cpython-311-darwin.so +0 -0
- mediapipe/tasks/python/metadata/flatbuffers_lib/_pywrap_flatbuffers.cpython-311-darwin.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 +231 -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/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 +83 -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/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 +385 -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 +41 -0
- mediapipe/util/analytics/mediapipe_logging_enums_pb2.py +36 -0
- mediapipe/util/audio_decoder_pb2.py +33 -0
- mediapipe/util/color_pb2.py +32 -0
- mediapipe/util/label_map_pb2.py +26 -0
- mediapipe/util/render_data_pb2.py +57 -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 +38 -0
- mediapipe/util/tracking/box_tracker_pb2.py +31 -0
- mediapipe/util/tracking/camera_motion_pb2.py +30 -0
- mediapipe/util/tracking/flow_packager_pb2.py +59 -0
- mediapipe/util/tracking/frame_selection_pb2.py +34 -0
- mediapipe/util/tracking/frame_selection_solution_evaluator_pb2.py +27 -0
- mediapipe/util/tracking/motion_analysis_pb2.py +34 -0
- mediapipe/util/tracking/motion_estimation_pb2.py +65 -0
- mediapipe/util/tracking/motion_models_pb2.py +41 -0
- mediapipe/util/tracking/motion_saliency_pb2.py +25 -0
- mediapipe/util/tracking/push_pull_filtering_pb2.py +25 -0
- mediapipe/util/tracking/region_flow_computation_pb2.py +58 -0
- mediapipe/util/tracking/region_flow_pb2.py +48 -0
- mediapipe/util/tracking/tone_estimation_pb2.py +44 -0
- mediapipe/util/tracking/tone_models_pb2.py +31 -0
- mediapipe/util/tracking/tracked_detection_manager_config_pb2.py +25 -0
- mediapipe/util/tracking/tracking_pb2.py +72 -0
- mediapipe_nightly-0.0.0.post20231103.dist-info/LICENSE +218 -0
- mediapipe_nightly-0.0.0.post20231103.dist-info/METADATA +196 -0
- mediapipe_nightly-0.0.0.post20231103.dist-info/RECORD +545 -0
- mediapipe_nightly-0.0.0.post20231103.dist-info/WHEEL +5 -0
- mediapipe_nightly-0.0.0.post20231103.dist-info/top_level.txt +4 -0
@@ -0,0 +1,125 @@
|
|
1
|
+
# Copyright 2023 The MediaPipe Authors.
|
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
|
+
"""A module to record audio in a streaming basis."""
|
15
|
+
import threading
|
16
|
+
import numpy as np
|
17
|
+
|
18
|
+
try:
|
19
|
+
import sounddevice as sd
|
20
|
+
except OSError as oe:
|
21
|
+
sd = None
|
22
|
+
sd_error = oe
|
23
|
+
except ImportError as ie:
|
24
|
+
sd = None
|
25
|
+
sd_error = ie
|
26
|
+
|
27
|
+
|
28
|
+
class AudioRecord(object):
|
29
|
+
"""A class to record audio in a streaming basis."""
|
30
|
+
|
31
|
+
def __init__(
|
32
|
+
self, channels: int, sampling_rate: int, buffer_size: int
|
33
|
+
) -> None:
|
34
|
+
"""Creates an AudioRecord instance.
|
35
|
+
|
36
|
+
Args:
|
37
|
+
channels: Number of input channels.
|
38
|
+
sampling_rate: Sampling rate in Hertz.
|
39
|
+
buffer_size: Size of the ring buffer in number of samples.
|
40
|
+
|
41
|
+
Raises:
|
42
|
+
ValueError: if any of the arguments is non-positive.
|
43
|
+
ImportError: if failed to import `sounddevice`.
|
44
|
+
OSError: if failed to load `PortAudio`.
|
45
|
+
"""
|
46
|
+
if sd is None:
|
47
|
+
raise sd_error
|
48
|
+
|
49
|
+
if channels <= 0:
|
50
|
+
raise ValueError('channels must be positive.')
|
51
|
+
if sampling_rate <= 0:
|
52
|
+
raise ValueError('sampling_rate must be positive.')
|
53
|
+
if buffer_size <= 0:
|
54
|
+
raise ValueError('buffer_size must be positive.')
|
55
|
+
|
56
|
+
self._audio_buffer = []
|
57
|
+
self._buffer_size = buffer_size
|
58
|
+
self._channels = channels
|
59
|
+
self._sampling_rate = sampling_rate
|
60
|
+
|
61
|
+
# Create a ring buffer to store the input audio.
|
62
|
+
self._buffer = np.zeros([buffer_size, channels], dtype=float)
|
63
|
+
self._lock = threading.Lock()
|
64
|
+
|
65
|
+
def audio_callback(data, *_):
|
66
|
+
"""A callback to receive recorded audio data from sounddevice."""
|
67
|
+
self._lock.acquire()
|
68
|
+
shift = len(data)
|
69
|
+
if shift > buffer_size:
|
70
|
+
self._buffer = np.copy(data[:buffer_size])
|
71
|
+
else:
|
72
|
+
self._buffer = np.roll(self._buffer, -shift, axis=0)
|
73
|
+
self._buffer[-shift:, :] = np.copy(data)
|
74
|
+
self._lock.release()
|
75
|
+
|
76
|
+
# Create an input stream to continuously capture the audio data.
|
77
|
+
self._stream = sd.InputStream(
|
78
|
+
channels=channels,
|
79
|
+
samplerate=sampling_rate,
|
80
|
+
callback=audio_callback,
|
81
|
+
)
|
82
|
+
|
83
|
+
@property
|
84
|
+
def channels(self) -> int:
|
85
|
+
return self._channels
|
86
|
+
|
87
|
+
@property
|
88
|
+
def sampling_rate(self) -> int:
|
89
|
+
return self._sampling_rate
|
90
|
+
|
91
|
+
@property
|
92
|
+
def buffer_size(self) -> int:
|
93
|
+
return self._buffer_size
|
94
|
+
|
95
|
+
def start_recording(self) -> None:
|
96
|
+
"""Starts the audio recording."""
|
97
|
+
# Clear the internal ring buffer.
|
98
|
+
self._buffer.fill(0)
|
99
|
+
|
100
|
+
# Start recording using sounddevice's InputStream.
|
101
|
+
self._stream.start()
|
102
|
+
|
103
|
+
def stop(self) -> None:
|
104
|
+
"""Stops the audio recording."""
|
105
|
+
self._stream.stop()
|
106
|
+
|
107
|
+
def read(self, size: int) -> np.ndarray:
|
108
|
+
"""Reads the latest audio data captured in the buffer.
|
109
|
+
|
110
|
+
Args:
|
111
|
+
size: Number of samples to read from the buffer.
|
112
|
+
|
113
|
+
Returns:
|
114
|
+
A NumPy array containing the audio data.
|
115
|
+
|
116
|
+
Raises:
|
117
|
+
ValueError: Raised if `size` is larger than the buffer size.
|
118
|
+
"""
|
119
|
+
if size > self._buffer_size:
|
120
|
+
raise ValueError('Cannot read more samples than the size of the buffer.')
|
121
|
+
elif size <= 0:
|
122
|
+
raise ValueError('Size must be positive.')
|
123
|
+
|
124
|
+
start_index = self._buffer_size - size
|
125
|
+
return np.copy(self._buffer[start_index:])
|
@@ -0,0 +1,29 @@
|
|
1
|
+
# Copyright 2022 The MediaPipe Authors.
|
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
|
+
"""The running mode of MediaPipe Audio Tasks."""
|
15
|
+
|
16
|
+
import enum
|
17
|
+
|
18
|
+
|
19
|
+
class AudioTaskRunningMode(enum.Enum):
|
20
|
+
"""MediaPipe audio task running mode.
|
21
|
+
|
22
|
+
Attributes:
|
23
|
+
AUDIO_CLIPS: The mode for running a mediapipe audio task on independent
|
24
|
+
audio clips.
|
25
|
+
AUDIO_STREAM: The mode for running a mediapipe audio task on an audio
|
26
|
+
stream, such as from microphone.
|
27
|
+
"""
|
28
|
+
AUDIO_CLIPS = 'AUDIO_CLIPS'
|
29
|
+
AUDIO_STREAM = 'AUDIO_STREAM'
|
@@ -0,0 +1,181 @@
|
|
1
|
+
# Copyright 2022 The MediaPipe Authors.
|
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 audio task base api."""
|
15
|
+
|
16
|
+
from typing import Callable, Mapping, Optional
|
17
|
+
|
18
|
+
from mediapipe.framework import calculator_pb2
|
19
|
+
from mediapipe.python import packet_creator
|
20
|
+
from mediapipe.python._framework_bindings import packet as packet_module
|
21
|
+
from mediapipe.python._framework_bindings import task_runner as task_runner_module
|
22
|
+
from mediapipe.python._framework_bindings import timestamp as timestamp_module
|
23
|
+
from mediapipe.tasks.python.audio.core import audio_record
|
24
|
+
from mediapipe.tasks.python.audio.core import audio_task_running_mode as running_mode_module
|
25
|
+
from mediapipe.tasks.python.core.optional_dependencies import doc_controls
|
26
|
+
|
27
|
+
_TaskRunner = task_runner_module.TaskRunner
|
28
|
+
_Packet = packet_module.Packet
|
29
|
+
_RunningMode = running_mode_module.AudioTaskRunningMode
|
30
|
+
_Timestamp = timestamp_module.Timestamp
|
31
|
+
|
32
|
+
|
33
|
+
@doc_controls.do_not_generate_docs
|
34
|
+
class BaseAudioTaskApi(object):
|
35
|
+
"""The base class of the user-facing mediapipe audio task api classes."""
|
36
|
+
|
37
|
+
def __init__(
|
38
|
+
self,
|
39
|
+
graph_config: calculator_pb2.CalculatorGraphConfig,
|
40
|
+
running_mode: _RunningMode,
|
41
|
+
packet_callback: Optional[Callable[[Mapping[str, packet_module.Packet]],
|
42
|
+
None]] = None
|
43
|
+
) -> None:
|
44
|
+
"""Initializes the `BaseAudioTaskApi` object.
|
45
|
+
|
46
|
+
Args:
|
47
|
+
graph_config: The mediapipe audio task graph config proto.
|
48
|
+
running_mode: The running mode of the mediapipe audio task.
|
49
|
+
packet_callback: The optional packet callback for getting results
|
50
|
+
asynchronously in the audio stream mode.
|
51
|
+
|
52
|
+
Raises:
|
53
|
+
ValueError: The packet callback is not properly set based on the task's
|
54
|
+
running mode.
|
55
|
+
"""
|
56
|
+
if running_mode == _RunningMode.AUDIO_STREAM:
|
57
|
+
if packet_callback is None:
|
58
|
+
raise ValueError(
|
59
|
+
'The audio task is in audio stream mode, a user-defined result '
|
60
|
+
'callback must be provided.')
|
61
|
+
elif packet_callback:
|
62
|
+
raise ValueError(
|
63
|
+
'The audio task is in audio clips mode, a user-defined result '
|
64
|
+
'callback should not be provided.')
|
65
|
+
self._runner = _TaskRunner.create(graph_config, packet_callback)
|
66
|
+
self._running_mode = running_mode
|
67
|
+
self._default_sample_rate = None
|
68
|
+
|
69
|
+
def _process_audio_clip(
|
70
|
+
self, inputs: Mapping[str, _Packet]) -> Mapping[str, _Packet]:
|
71
|
+
"""A synchronous method to process independent audio clips.
|
72
|
+
|
73
|
+
The call blocks the current thread until a failure status or a successful
|
74
|
+
result is returned.
|
75
|
+
|
76
|
+
Args:
|
77
|
+
inputs: A dict contains (input stream name, data packet) pairs.
|
78
|
+
|
79
|
+
Returns:
|
80
|
+
A dict contains (output stream name, data packet) pairs.
|
81
|
+
|
82
|
+
Raises:
|
83
|
+
ValueError: If the task's running mode is not set to audio clips mode.
|
84
|
+
"""
|
85
|
+
if self._running_mode != _RunningMode.AUDIO_CLIPS:
|
86
|
+
raise ValueError(
|
87
|
+
'Task is not initialized with the audio clips mode. Current running'
|
88
|
+
' mode:'
|
89
|
+
+ self._running_mode.name
|
90
|
+
)
|
91
|
+
return self._runner.process(inputs)
|
92
|
+
|
93
|
+
def _set_sample_rate(
|
94
|
+
self, sample_rate_stream_name: str, sample_rate: float
|
95
|
+
) -> None:
|
96
|
+
"""An asynchronous method to set audio sample rate in the audio stream mode.
|
97
|
+
|
98
|
+
Args:
|
99
|
+
sample_rate_stream_name: The audio sample rate stream name.
|
100
|
+
sample_rate: The audio sample rate.
|
101
|
+
|
102
|
+
Raises:
|
103
|
+
ValueError: If the task's running mode is not set to the audio stream
|
104
|
+
mode.
|
105
|
+
"""
|
106
|
+
if self._running_mode != _RunningMode.AUDIO_STREAM:
|
107
|
+
raise ValueError(
|
108
|
+
'Task is not initialized with the audio stream mode. Current running mode:'
|
109
|
+
+ self._running_mode.name)
|
110
|
+
self._runner.send({
|
111
|
+
sample_rate_stream_name:
|
112
|
+
packet_creator.create_double(sample_rate).at(_Timestamp.PRESTREAM)
|
113
|
+
})
|
114
|
+
|
115
|
+
def _send_audio_stream_data(self, inputs: Mapping[str, _Packet]) -> None:
|
116
|
+
"""An asynchronous method to send audio stream data to the runner.
|
117
|
+
|
118
|
+
The results will be available in the user-defined results callback.
|
119
|
+
|
120
|
+
Args:
|
121
|
+
inputs: A dict contains (input stream name, data packet) pairs.
|
122
|
+
|
123
|
+
Raises:
|
124
|
+
ValueError: If the task's running mode is not set to the audio stream
|
125
|
+
mode.
|
126
|
+
"""
|
127
|
+
if self._running_mode != _RunningMode.AUDIO_STREAM:
|
128
|
+
raise ValueError(
|
129
|
+
'Task is not initialized with the audio stream mode. Current running'
|
130
|
+
' mode:'
|
131
|
+
+ self._running_mode.name
|
132
|
+
)
|
133
|
+
self._runner.send(inputs)
|
134
|
+
|
135
|
+
def create_audio_record(
|
136
|
+
self, num_channels: int, sample_rate: int, required_input_buffer_size: int
|
137
|
+
) -> audio_record.AudioRecord:
|
138
|
+
"""Creates an AudioRecord instance to record audio stream.
|
139
|
+
|
140
|
+
The returned AudioRecord instance is initialized and client needs to call
|
141
|
+
the appropriate method to start recording.
|
142
|
+
|
143
|
+
Note that MediaPipe Audio tasks will up/down sample automatically to fit the
|
144
|
+
sample rate required by the model. The default sample rate of the MediaPipe
|
145
|
+
pretrained audio model, Yamnet is 16kHz.
|
146
|
+
|
147
|
+
Args:
|
148
|
+
num_channels: The number of audio channels.
|
149
|
+
sample_rate: The audio sample rate.
|
150
|
+
required_input_buffer_size: The required input buffer size in number of
|
151
|
+
float elements.
|
152
|
+
|
153
|
+
Returns:
|
154
|
+
An AudioRecord instance.
|
155
|
+
|
156
|
+
Raises:
|
157
|
+
ValueError: If there's a problem creating the AudioRecord instance.
|
158
|
+
"""
|
159
|
+
return audio_record.AudioRecord(
|
160
|
+
num_channels, sample_rate, required_input_buffer_size
|
161
|
+
)
|
162
|
+
|
163
|
+
def close(self) -> None:
|
164
|
+
"""Shuts down the mediapipe audio task instance.
|
165
|
+
|
166
|
+
Raises:
|
167
|
+
RuntimeError: If the mediapipe audio task failed to close.
|
168
|
+
"""
|
169
|
+
self._runner.close()
|
170
|
+
|
171
|
+
def __enter__(self):
|
172
|
+
"""Return `self` upon entering the runtime context."""
|
173
|
+
return self
|
174
|
+
|
175
|
+
def __exit__(self, unused_exc_type, unused_exc_value, unused_traceback):
|
176
|
+
"""Shuts down the mediapipe audio task instance on exit of the context manager.
|
177
|
+
|
178
|
+
Raises:
|
179
|
+
RuntimeError: If the mediapipe audio task failed to close.
|
180
|
+
"""
|
181
|
+
self.close()
|
@@ -0,0 +1,13 @@
|
|
1
|
+
# Copyright 2022 The MediaPipe Authors.
|
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.
|
@@ -0,0 +1,53 @@
|
|
1
|
+
# Copyright 2022 The MediaPipe Authors.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
"""MediaPipe Tasks Components Containers API."""
|
16
|
+
|
17
|
+
import mediapipe.tasks.python.components.containers.audio_data
|
18
|
+
import mediapipe.tasks.python.components.containers.bounding_box
|
19
|
+
import mediapipe.tasks.python.components.containers.category
|
20
|
+
import mediapipe.tasks.python.components.containers.classification_result
|
21
|
+
import mediapipe.tasks.python.components.containers.detections
|
22
|
+
import mediapipe.tasks.python.components.containers.embedding_result
|
23
|
+
import mediapipe.tasks.python.components.containers.landmark
|
24
|
+
import mediapipe.tasks.python.components.containers.landmark_detection_result
|
25
|
+
import mediapipe.tasks.python.components.containers.rect
|
26
|
+
|
27
|
+
AudioDataFormat = audio_data.AudioDataFormat
|
28
|
+
AudioData = audio_data.AudioData
|
29
|
+
BoundingBox = bounding_box.BoundingBox
|
30
|
+
Category = category.Category
|
31
|
+
Classifications = classification_result.Classifications
|
32
|
+
ClassificationResult = classification_result.ClassificationResult
|
33
|
+
Detection = detections.Detection
|
34
|
+
DetectionResult = detections.DetectionResult
|
35
|
+
Embedding = embedding_result.Embedding
|
36
|
+
EmbeddingResult = embedding_result.EmbeddingResult
|
37
|
+
Landmark = landmark.Landmark
|
38
|
+
NormalizedLandmark = landmark.NormalizedLandmark
|
39
|
+
LandmarksDetectionResult = landmark_detection_result.LandmarksDetectionResult
|
40
|
+
Rect = rect.Rect
|
41
|
+
NormalizedRect = rect.NormalizedRect
|
42
|
+
|
43
|
+
# Remove unnecessary modules to avoid duplication in API docs.
|
44
|
+
del audio_data
|
45
|
+
del bounding_box
|
46
|
+
del category
|
47
|
+
del classification_result
|
48
|
+
del detections
|
49
|
+
del embedding_result
|
50
|
+
del landmark
|
51
|
+
del landmark_detection_result
|
52
|
+
del rect
|
53
|
+
del mediapipe
|
@@ -0,0 +1,137 @@
|
|
1
|
+
# Copyright 2022 The MediaPipe Authors.
|
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 audio data."""
|
15
|
+
|
16
|
+
import dataclasses
|
17
|
+
from typing import Optional
|
18
|
+
|
19
|
+
import numpy as np
|
20
|
+
|
21
|
+
|
22
|
+
@dataclasses.dataclass
|
23
|
+
class AudioDataFormat:
|
24
|
+
"""Audio format metadata.
|
25
|
+
|
26
|
+
Attributes:
|
27
|
+
num_channels: the number of channels of the audio data.
|
28
|
+
sample_rate: the audio sample rate.
|
29
|
+
"""
|
30
|
+
num_channels: int = 1
|
31
|
+
sample_rate: Optional[float] = None
|
32
|
+
|
33
|
+
|
34
|
+
class AudioData(object):
|
35
|
+
"""MediaPipe Tasks' audio container."""
|
36
|
+
|
37
|
+
def __init__(
|
38
|
+
self,
|
39
|
+
buffer_length: int,
|
40
|
+
audio_format: AudioDataFormat = AudioDataFormat()
|
41
|
+
) -> None:
|
42
|
+
"""Initializes the `AudioData` object.
|
43
|
+
|
44
|
+
Args:
|
45
|
+
buffer_length: the length of the audio buffer.
|
46
|
+
audio_format: the audio format metadata.
|
47
|
+
"""
|
48
|
+
self._audio_format = audio_format
|
49
|
+
self._buffer = np.zeros([buffer_length, self._audio_format.num_channels],
|
50
|
+
dtype=np.float32)
|
51
|
+
|
52
|
+
def clear(self):
|
53
|
+
"""Clears the internal buffer and fill it with zeros."""
|
54
|
+
self._buffer.fill(0)
|
55
|
+
|
56
|
+
def load_from_array(self,
|
57
|
+
src: np.ndarray,
|
58
|
+
offset: int = 0,
|
59
|
+
size: int = -1) -> None:
|
60
|
+
"""Loads the audio data from a NumPy array.
|
61
|
+
|
62
|
+
Args:
|
63
|
+
src: A NumPy source array contains the input audio.
|
64
|
+
offset: An optional offset for loading a slice of the `src` array to the
|
65
|
+
buffer.
|
66
|
+
size: An optional size parameter denoting the number of samples to load
|
67
|
+
from the `src` array.
|
68
|
+
|
69
|
+
Raises:
|
70
|
+
ValueError: If the input array has an incorrect shape or if
|
71
|
+
`offset` + `size` exceeds the length of the `src` array.
|
72
|
+
"""
|
73
|
+
if len(src.shape) == 1:
|
74
|
+
if self._audio_format.num_channels != 1:
|
75
|
+
raise ValueError(f"Input audio is mono, but the audio data is expected "
|
76
|
+
f"to have {self._audio_format.num_channels} channels.")
|
77
|
+
elif src.shape[1] != self._audio_format.num_channels:
|
78
|
+
raise ValueError(f"Input audio contains an invalid number of channels. "
|
79
|
+
f"Expect {self._audio_format.num_channels}.")
|
80
|
+
|
81
|
+
if size < 0:
|
82
|
+
size = len(src)
|
83
|
+
|
84
|
+
if offset + size > len(src):
|
85
|
+
raise ValueError(
|
86
|
+
f"Index out of range. offset {offset} + size {size} should be <= "
|
87
|
+
f"src's length: {len(src)}")
|
88
|
+
|
89
|
+
if len(src) >= len(self._buffer):
|
90
|
+
# If the internal buffer is shorter than the load target (src), copy
|
91
|
+
# values from the end of the src array to the internal buffer.
|
92
|
+
new_offset = offset + size - len(self._buffer)
|
93
|
+
new_size = len(self._buffer)
|
94
|
+
self._buffer = src[new_offset:new_offset + new_size].copy()
|
95
|
+
else:
|
96
|
+
# Shift the internal buffer backward and add the incoming data to the end
|
97
|
+
# of the buffer.
|
98
|
+
shift = size
|
99
|
+
self._buffer = np.roll(self._buffer, -shift, axis=0)
|
100
|
+
self._buffer[-shift:, :] = src[offset:offset + size].copy()
|
101
|
+
|
102
|
+
@classmethod
|
103
|
+
def create_from_array(cls,
|
104
|
+
src: np.ndarray,
|
105
|
+
sample_rate: Optional[float] = None) -> "AudioData":
|
106
|
+
"""Creates an `AudioData` object from a NumPy array.
|
107
|
+
|
108
|
+
Args:
|
109
|
+
src: A NumPy source array contains the input audio.
|
110
|
+
sample_rate: the optional audio sample rate.
|
111
|
+
|
112
|
+
Returns:
|
113
|
+
An `AudioData` object that contains a copy of the NumPy source array as
|
114
|
+
the data.
|
115
|
+
"""
|
116
|
+
obj = cls(
|
117
|
+
buffer_length=src.shape[0],
|
118
|
+
audio_format=AudioDataFormat(
|
119
|
+
num_channels=1 if len(src.shape) == 1 else src.shape[1],
|
120
|
+
sample_rate=sample_rate))
|
121
|
+
obj.load_from_array(src)
|
122
|
+
return obj
|
123
|
+
|
124
|
+
@property
|
125
|
+
def audio_format(self) -> AudioDataFormat:
|
126
|
+
"""Gets the audio format of the audio."""
|
127
|
+
return self._audio_format
|
128
|
+
|
129
|
+
@property
|
130
|
+
def buffer_length(self) -> int:
|
131
|
+
"""Gets the sample count of the audio."""
|
132
|
+
return self._buffer.shape[0]
|
133
|
+
|
134
|
+
@property
|
135
|
+
def buffer(self) -> np.ndarray:
|
136
|
+
"""Gets the internal buffer."""
|
137
|
+
return self._buffer
|
@@ -0,0 +1,73 @@
|
|
1
|
+
# Copyright 2022 The MediaPipe Authors.
|
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
|
+
"""Bounding box data class."""
|
15
|
+
|
16
|
+
import dataclasses
|
17
|
+
from typing import Any
|
18
|
+
|
19
|
+
from mediapipe.framework.formats import location_data_pb2
|
20
|
+
from mediapipe.tasks.python.core.optional_dependencies import doc_controls
|
21
|
+
|
22
|
+
_BoundingBoxProto = location_data_pb2.LocationData.BoundingBox
|
23
|
+
|
24
|
+
|
25
|
+
@dataclasses.dataclass
|
26
|
+
class BoundingBox:
|
27
|
+
"""An integer bounding box, axis aligned.
|
28
|
+
|
29
|
+
Attributes:
|
30
|
+
origin_x: The X coordinate of the top-left corner, in pixels.
|
31
|
+
origin_y: The Y coordinate of the top-left corner, in pixels.
|
32
|
+
width: The width of the bounding box, in pixels.
|
33
|
+
height: The height of the bounding box, in pixels.
|
34
|
+
"""
|
35
|
+
|
36
|
+
origin_x: int
|
37
|
+
origin_y: int
|
38
|
+
width: int
|
39
|
+
height: int
|
40
|
+
|
41
|
+
@doc_controls.do_not_generate_docs
|
42
|
+
def to_pb2(self) -> _BoundingBoxProto:
|
43
|
+
"""Generates a BoundingBox protobuf object."""
|
44
|
+
return _BoundingBoxProto(
|
45
|
+
xmin=self.origin_x,
|
46
|
+
ymin=self.origin_y,
|
47
|
+
width=self.width,
|
48
|
+
height=self.height,
|
49
|
+
)
|
50
|
+
|
51
|
+
@classmethod
|
52
|
+
@doc_controls.do_not_generate_docs
|
53
|
+
def create_from_pb2(cls, pb2_obj: _BoundingBoxProto) -> 'BoundingBox':
|
54
|
+
"""Creates a `BoundingBox` object from the given protobuf object."""
|
55
|
+
return BoundingBox(
|
56
|
+
origin_x=pb2_obj.xmin,
|
57
|
+
origin_y=pb2_obj.ymin,
|
58
|
+
width=pb2_obj.width,
|
59
|
+
height=pb2_obj.height)
|
60
|
+
|
61
|
+
def __eq__(self, other: Any) -> bool:
|
62
|
+
"""Checks if this object is equal to the given object.
|
63
|
+
|
64
|
+
Args:
|
65
|
+
other: The object to be compared with.
|
66
|
+
|
67
|
+
Returns:
|
68
|
+
True if the objects are equal.
|
69
|
+
"""
|
70
|
+
if not isinstance(other, BoundingBox):
|
71
|
+
return False
|
72
|
+
|
73
|
+
return self.to_pb2().__eq__(other.to_pb2())
|
@@ -0,0 +1,78 @@
|
|
1
|
+
# Copyright 2022 The MediaPipe Authors.
|
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
|
+
"""Category data class."""
|
15
|
+
|
16
|
+
import dataclasses
|
17
|
+
from typing import Any, Optional
|
18
|
+
|
19
|
+
from mediapipe.framework.formats import classification_pb2
|
20
|
+
from mediapipe.tasks.python.core.optional_dependencies import doc_controls
|
21
|
+
|
22
|
+
_ClassificationProto = classification_pb2.Classification
|
23
|
+
|
24
|
+
|
25
|
+
@dataclasses.dataclass
|
26
|
+
class Category:
|
27
|
+
"""A classification category.
|
28
|
+
|
29
|
+
Category is a util class, contains a label, its display name, a float
|
30
|
+
value as score, and the index of the label in the corresponding label file.
|
31
|
+
Typically it's used as the result of classification tasks.
|
32
|
+
|
33
|
+
Attributes:
|
34
|
+
index: The index of the label in the corresponding label file.
|
35
|
+
score: The probability score of this label category.
|
36
|
+
display_name: The display name of the label, which may be translated for
|
37
|
+
different locales. For example, a label, "apple", may be translated into
|
38
|
+
Spanish for display purpose, so that the `display_name` is "manzana".
|
39
|
+
category_name: The label of this category object.
|
40
|
+
"""
|
41
|
+
|
42
|
+
index: Optional[int] = None
|
43
|
+
score: Optional[float] = None
|
44
|
+
display_name: Optional[str] = None
|
45
|
+
category_name: Optional[str] = None
|
46
|
+
|
47
|
+
@doc_controls.do_not_generate_docs
|
48
|
+
def to_pb2(self) -> _ClassificationProto:
|
49
|
+
"""Generates a Category protobuf object."""
|
50
|
+
return _ClassificationProto(
|
51
|
+
index=self.index,
|
52
|
+
score=self.score,
|
53
|
+
label=self.category_name,
|
54
|
+
display_name=self.display_name)
|
55
|
+
|
56
|
+
@classmethod
|
57
|
+
@doc_controls.do_not_generate_docs
|
58
|
+
def create_from_pb2(cls, pb2_obj: _ClassificationProto) -> 'Category':
|
59
|
+
"""Creates a `Category` object from the given protobuf object."""
|
60
|
+
return Category(
|
61
|
+
index=pb2_obj.index,
|
62
|
+
score=pb2_obj.score,
|
63
|
+
display_name=pb2_obj.display_name,
|
64
|
+
category_name=pb2_obj.label)
|
65
|
+
|
66
|
+
def __eq__(self, other: Any) -> bool:
|
67
|
+
"""Checks if this object is equal to the given object.
|
68
|
+
|
69
|
+
Args:
|
70
|
+
other: The object to be compared with.
|
71
|
+
|
72
|
+
Returns:
|
73
|
+
True if the objects are equal.
|
74
|
+
"""
|
75
|
+
if not isinstance(other, Category):
|
76
|
+
return False
|
77
|
+
|
78
|
+
return self.to_pb2().__eq__(other.to_pb2())
|