mediapipe-nightly 0.10.21.post20250114__cp39-cp39-manylinux_2_28_x86_64.whl

Sign up to get free protection for your applications and to get access to all the features.
Files changed (593) hide show
  1. mediapipe/__init__.py +26 -0
  2. mediapipe/calculators/__init__.py +0 -0
  3. mediapipe/calculators/audio/__init__.py +0 -0
  4. mediapipe/calculators/audio/mfcc_mel_calculators_pb2.py +33 -0
  5. mediapipe/calculators/audio/rational_factor_resample_calculator_pb2.py +33 -0
  6. mediapipe/calculators/audio/spectrogram_calculator_pb2.py +37 -0
  7. mediapipe/calculators/audio/stabilized_log_calculator_pb2.py +31 -0
  8. mediapipe/calculators/audio/time_series_framer_calculator_pb2.py +33 -0
  9. mediapipe/calculators/core/__init__.py +0 -0
  10. mediapipe/calculators/core/bypass_calculator_pb2.py +31 -0
  11. mediapipe/calculators/core/clip_vector_size_calculator_pb2.py +31 -0
  12. mediapipe/calculators/core/concatenate_vector_calculator_pb2.py +31 -0
  13. mediapipe/calculators/core/constant_side_packet_calculator_pb2.py +39 -0
  14. mediapipe/calculators/core/dequantize_byte_array_calculator_pb2.py +31 -0
  15. mediapipe/calculators/core/flow_limiter_calculator_pb2.py +32 -0
  16. mediapipe/calculators/core/gate_calculator_pb2.py +33 -0
  17. mediapipe/calculators/core/get_vector_item_calculator_pb2.py +31 -0
  18. mediapipe/calculators/core/graph_profile_calculator_pb2.py +31 -0
  19. mediapipe/calculators/core/packet_cloner_calculator_pb2.py +31 -0
  20. mediapipe/calculators/core/packet_resampler_calculator_pb2.py +33 -0
  21. mediapipe/calculators/core/packet_thinner_calculator_pb2.py +33 -0
  22. mediapipe/calculators/core/quantize_float_vector_calculator_pb2.py +31 -0
  23. mediapipe/calculators/core/sequence_shift_calculator_pb2.py +31 -0
  24. mediapipe/calculators/core/split_vector_calculator_pb2.py +33 -0
  25. mediapipe/calculators/image/__init__.py +0 -0
  26. mediapipe/calculators/image/bilateral_filter_calculator_pb2.py +31 -0
  27. mediapipe/calculators/image/feature_detector_calculator_pb2.py +31 -0
  28. mediapipe/calculators/image/image_clone_calculator_pb2.py +31 -0
  29. mediapipe/calculators/image/image_cropping_calculator_pb2.py +33 -0
  30. mediapipe/calculators/image/image_transformation_calculator_pb2.py +38 -0
  31. mediapipe/calculators/image/mask_overlay_calculator_pb2.py +33 -0
  32. mediapipe/calculators/image/opencv_encoded_image_to_image_frame_calculator_pb2.py +31 -0
  33. mediapipe/calculators/image/opencv_image_encoder_calculator_pb2.py +35 -0
  34. mediapipe/calculators/image/recolor_calculator_pb2.py +34 -0
  35. mediapipe/calculators/image/rotation_mode_pb2.py +29 -0
  36. mediapipe/calculators/image/scale_image_calculator_pb2.py +34 -0
  37. mediapipe/calculators/image/segmentation_smoothing_calculator_pb2.py +31 -0
  38. mediapipe/calculators/image/set_alpha_calculator_pb2.py +31 -0
  39. mediapipe/calculators/image/warp_affine_calculator_pb2.py +36 -0
  40. mediapipe/calculators/internal/__init__.py +0 -0
  41. mediapipe/calculators/internal/callback_packet_calculator_pb2.py +33 -0
  42. mediapipe/calculators/tensor/__init__.py +0 -0
  43. mediapipe/calculators/tensor/audio_to_tensor_calculator_pb2.py +35 -0
  44. mediapipe/calculators/tensor/bert_preprocessor_calculator_pb2.py +31 -0
  45. mediapipe/calculators/tensor/feedback_tensors_calculator_pb2.py +37 -0
  46. mediapipe/calculators/tensor/image_to_tensor_calculator_pb2.py +40 -0
  47. mediapipe/calculators/tensor/inference_calculator_pb2.py +63 -0
  48. mediapipe/calculators/tensor/landmarks_to_tensor_calculator_pb2.py +33 -0
  49. mediapipe/calculators/tensor/regex_preprocessor_calculator_pb2.py +31 -0
  50. mediapipe/calculators/tensor/tensor_converter_calculator_pb2.py +34 -0
  51. mediapipe/calculators/tensor/tensor_to_joints_calculator_pb2.py +31 -0
  52. mediapipe/calculators/tensor/tensors_readback_calculator_pb2.py +35 -0
  53. mediapipe/calculators/tensor/tensors_to_audio_calculator_pb2.py +33 -0
  54. mediapipe/calculators/tensor/tensors_to_classification_calculator_pb2.py +44 -0
  55. mediapipe/calculators/tensor/tensors_to_detections_calculator_pb2.py +39 -0
  56. mediapipe/calculators/tensor/tensors_to_floats_calculator_pb2.py +33 -0
  57. mediapipe/calculators/tensor/tensors_to_landmarks_calculator_pb2.py +33 -0
  58. mediapipe/calculators/tensor/tensors_to_segmentation_calculator_pb2.py +34 -0
  59. mediapipe/calculators/tensor/vector_to_tensor_calculator_pb2.py +27 -0
  60. mediapipe/calculators/tflite/__init__.py +0 -0
  61. mediapipe/calculators/tflite/ssd_anchors_calculator_pb2.py +32 -0
  62. mediapipe/calculators/tflite/tflite_converter_calculator_pb2.py +33 -0
  63. mediapipe/calculators/tflite/tflite_custom_op_resolver_calculator_pb2.py +31 -0
  64. mediapipe/calculators/tflite/tflite_inference_calculator_pb2.py +49 -0
  65. mediapipe/calculators/tflite/tflite_tensors_to_classification_calculator_pb2.py +31 -0
  66. mediapipe/calculators/tflite/tflite_tensors_to_detections_calculator_pb2.py +31 -0
  67. mediapipe/calculators/tflite/tflite_tensors_to_landmarks_calculator_pb2.py +33 -0
  68. mediapipe/calculators/tflite/tflite_tensors_to_segmentation_calculator_pb2.py +31 -0
  69. mediapipe/calculators/util/__init__.py +0 -0
  70. mediapipe/calculators/util/align_hand_to_pose_in_world_calculator_pb2.py +31 -0
  71. mediapipe/calculators/util/annotation_overlay_calculator_pb2.py +32 -0
  72. mediapipe/calculators/util/association_calculator_pb2.py +31 -0
  73. mediapipe/calculators/util/collection_has_min_size_calculator_pb2.py +31 -0
  74. mediapipe/calculators/util/combine_joints_calculator_pb2.py +36 -0
  75. mediapipe/calculators/util/detection_label_id_to_text_calculator_pb2.py +36 -0
  76. mediapipe/calculators/util/detections_to_rects_calculator_pb2.py +33 -0
  77. mediapipe/calculators/util/detections_to_render_data_calculator_pb2.py +33 -0
  78. mediapipe/calculators/util/face_to_rect_calculator_pb2.py +26 -0
  79. mediapipe/calculators/util/filter_detections_calculator_pb2.py +31 -0
  80. mediapipe/calculators/util/flat_color_image_calculator_pb2.py +32 -0
  81. mediapipe/calculators/util/labels_to_render_data_calculator_pb2.py +34 -0
  82. mediapipe/calculators/util/landmark_projection_calculator_pb2.py +31 -0
  83. mediapipe/calculators/util/landmarks_refinement_calculator_pb2.py +41 -0
  84. mediapipe/calculators/util/landmarks_smoothing_calculator_pb2.py +33 -0
  85. mediapipe/calculators/util/landmarks_to_detection_calculator_pb2.py +31 -0
  86. mediapipe/calculators/util/landmarks_to_floats_calculator_pb2.py +31 -0
  87. mediapipe/calculators/util/landmarks_to_render_data_calculator_pb2.py +32 -0
  88. mediapipe/calculators/util/landmarks_transformation_calculator_pb2.py +37 -0
  89. mediapipe/calculators/util/latency_pb2.py +26 -0
  90. mediapipe/calculators/util/local_file_contents_calculator_pb2.py +31 -0
  91. mediapipe/calculators/util/logic_calculator_pb2.py +34 -0
  92. mediapipe/calculators/util/non_max_suppression_calculator_pb2.py +35 -0
  93. mediapipe/calculators/util/packet_frequency_calculator_pb2.py +31 -0
  94. mediapipe/calculators/util/packet_frequency_pb2.py +26 -0
  95. mediapipe/calculators/util/packet_latency_calculator_pb2.py +31 -0
  96. mediapipe/calculators/util/rect_to_render_data_calculator_pb2.py +32 -0
  97. mediapipe/calculators/util/rect_to_render_scale_calculator_pb2.py +31 -0
  98. mediapipe/calculators/util/rect_transformation_calculator_pb2.py +31 -0
  99. mediapipe/calculators/util/refine_landmarks_from_heatmap_calculator_pb2.py +31 -0
  100. mediapipe/calculators/util/resource_provider_calculator_pb2.py +28 -0
  101. mediapipe/calculators/util/set_joints_visibility_calculator_pb2.py +41 -0
  102. mediapipe/calculators/util/thresholding_calculator_pb2.py +31 -0
  103. mediapipe/calculators/util/timed_box_list_id_to_label_calculator_pb2.py +31 -0
  104. mediapipe/calculators/util/timed_box_list_to_render_data_calculator_pb2.py +32 -0
  105. mediapipe/calculators/util/top_k_scores_calculator_pb2.py +31 -0
  106. mediapipe/calculators/util/visibility_copy_calculator_pb2.py +27 -0
  107. mediapipe/calculators/util/visibility_smoothing_calculator_pb2.py +31 -0
  108. mediapipe/calculators/video/__init__.py +0 -0
  109. mediapipe/calculators/video/box_detector_calculator_pb2.py +32 -0
  110. mediapipe/calculators/video/box_tracker_calculator_pb2.py +32 -0
  111. mediapipe/calculators/video/flow_packager_calculator_pb2.py +32 -0
  112. mediapipe/calculators/video/flow_to_image_calculator_pb2.py +31 -0
  113. mediapipe/calculators/video/motion_analysis_calculator_pb2.py +42 -0
  114. mediapipe/calculators/video/opencv_video_encoder_calculator_pb2.py +31 -0
  115. mediapipe/calculators/video/tool/__init__.py +0 -0
  116. mediapipe/calculators/video/tool/flow_quantizer_model_pb2.py +26 -0
  117. mediapipe/calculators/video/tracked_detection_manager_calculator_pb2.py +32 -0
  118. mediapipe/calculators/video/video_pre_stream_calculator_pb2.py +35 -0
  119. mediapipe/examples/__init__.py +14 -0
  120. mediapipe/examples/desktop/__init__.py +14 -0
  121. mediapipe/framework/__init__.py +0 -0
  122. mediapipe/framework/calculator_options_pb2.py +29 -0
  123. mediapipe/framework/calculator_pb2.py +59 -0
  124. mediapipe/framework/calculator_profile_pb2.py +48 -0
  125. mediapipe/framework/deps/__init__.py +0 -0
  126. mediapipe/framework/deps/proto_descriptor_pb2.py +29 -0
  127. mediapipe/framework/formats/__init__.py +0 -0
  128. mediapipe/framework/formats/affine_transform_data_pb2.py +28 -0
  129. mediapipe/framework/formats/annotation/__init__.py +0 -0
  130. mediapipe/framework/formats/annotation/locus_pb2.py +32 -0
  131. mediapipe/framework/formats/annotation/rasterization_pb2.py +29 -0
  132. mediapipe/framework/formats/body_rig_pb2.py +28 -0
  133. mediapipe/framework/formats/classification_pb2.py +31 -0
  134. mediapipe/framework/formats/detection_pb2.py +36 -0
  135. mediapipe/framework/formats/image_file_properties_pb2.py +26 -0
  136. mediapipe/framework/formats/image_format_pb2.py +29 -0
  137. mediapipe/framework/formats/landmark_pb2.py +37 -0
  138. mediapipe/framework/formats/location_data_pb2.py +38 -0
  139. mediapipe/framework/formats/matrix_data_pb2.py +31 -0
  140. mediapipe/framework/formats/motion/__init__.py +0 -0
  141. mediapipe/framework/formats/motion/optical_flow_field_data_pb2.py +30 -0
  142. mediapipe/framework/formats/object_detection/__init__.py +0 -0
  143. mediapipe/framework/formats/object_detection/anchor_pb2.py +26 -0
  144. mediapipe/framework/formats/rect_pb2.py +29 -0
  145. mediapipe/framework/formats/time_series_header_pb2.py +28 -0
  146. mediapipe/framework/graph_runtime_info_pb2.py +31 -0
  147. mediapipe/framework/mediapipe_options_pb2.py +27 -0
  148. mediapipe/framework/packet_factory_pb2.py +31 -0
  149. mediapipe/framework/packet_generator_pb2.py +33 -0
  150. mediapipe/framework/status_handler_pb2.py +28 -0
  151. mediapipe/framework/stream_handler/__init__.py +0 -0
  152. mediapipe/framework/stream_handler/default_input_stream_handler_pb2.py +27 -0
  153. mediapipe/framework/stream_handler/fixed_size_input_stream_handler_pb2.py +27 -0
  154. mediapipe/framework/stream_handler/sync_set_input_stream_handler_pb2.py +29 -0
  155. mediapipe/framework/stream_handler/timestamp_align_input_stream_handler_pb2.py +27 -0
  156. mediapipe/framework/stream_handler_pb2.py +30 -0
  157. mediapipe/framework/test_calculators_pb2.py +31 -0
  158. mediapipe/framework/thread_pool_executor_pb2.py +29 -0
  159. mediapipe/framework/tool/__init__.py +0 -0
  160. mediapipe/framework/tool/calculator_graph_template_pb2.py +44 -0
  161. mediapipe/framework/tool/field_data_pb2.py +28 -0
  162. mediapipe/framework/tool/node_chain_subgraph_pb2.py +31 -0
  163. mediapipe/framework/tool/packet_generator_wrapper_calculator_pb2.py +28 -0
  164. mediapipe/framework/tool/source_pb2.py +33 -0
  165. mediapipe/framework/tool/switch_container_pb2.py +32 -0
  166. mediapipe/gpu/__init__.py +0 -0
  167. mediapipe/gpu/copy_calculator_pb2.py +33 -0
  168. mediapipe/gpu/gl_animation_overlay_calculator_pb2.py +31 -0
  169. mediapipe/gpu/gl_context_options_pb2.py +31 -0
  170. mediapipe/gpu/gl_scaler_calculator_pb2.py +32 -0
  171. mediapipe/gpu/gl_surface_sink_calculator_pb2.py +32 -0
  172. mediapipe/gpu/gpu_origin_pb2.py +29 -0
  173. mediapipe/gpu/scale_mode_pb2.py +28 -0
  174. mediapipe/model_maker/__init__.py +27 -0
  175. mediapipe/model_maker/setup.py +107 -0
  176. mediapipe/modules/__init__.py +0 -0
  177. mediapipe/modules/face_detection/__init__.py +0 -0
  178. mediapipe/modules/face_detection/face_detection_full_range_cpu.binarypb +0 -0
  179. mediapipe/modules/face_detection/face_detection_full_range_sparse.tflite +0 -0
  180. mediapipe/modules/face_detection/face_detection_pb2.py +30 -0
  181. mediapipe/modules/face_detection/face_detection_short_range.tflite +0 -0
  182. mediapipe/modules/face_detection/face_detection_short_range_cpu.binarypb +0 -0
  183. mediapipe/modules/face_geometry/__init__.py +0 -0
  184. mediapipe/modules/face_geometry/data/__init__.py +0 -0
  185. mediapipe/modules/face_geometry/effect_renderer_calculator_pb2.py +27 -0
  186. mediapipe/modules/face_geometry/env_generator_calculator_pb2.py +28 -0
  187. mediapipe/modules/face_geometry/geometry_pipeline_calculator_pb2.py +27 -0
  188. mediapipe/modules/face_geometry/libs/__init__.py +0 -0
  189. mediapipe/modules/face_geometry/protos/__init__.py +0 -0
  190. mediapipe/modules/face_geometry/protos/environment_pb2.py +31 -0
  191. mediapipe/modules/face_geometry/protos/face_geometry_pb2.py +29 -0
  192. mediapipe/modules/face_geometry/protos/geometry_pipeline_metadata_pb2.py +32 -0
  193. mediapipe/modules/face_geometry/protos/mesh_3d_pb2.py +31 -0
  194. mediapipe/modules/face_landmark/__init__.py +0 -0
  195. mediapipe/modules/face_landmark/face_landmark.tflite +0 -0
  196. mediapipe/modules/face_landmark/face_landmark_front_cpu.binarypb +0 -0
  197. mediapipe/modules/face_landmark/face_landmark_with_attention.tflite +0 -0
  198. mediapipe/modules/hand_landmark/__init__.py +0 -0
  199. mediapipe/modules/hand_landmark/calculators/__init__.py +0 -0
  200. mediapipe/modules/hand_landmark/hand_landmark_full.tflite +0 -0
  201. mediapipe/modules/hand_landmark/hand_landmark_lite.tflite +0 -0
  202. mediapipe/modules/hand_landmark/hand_landmark_tracking_cpu.binarypb +0 -0
  203. mediapipe/modules/hand_landmark/handedness.txt +2 -0
  204. mediapipe/modules/holistic_landmark/__init__.py +0 -0
  205. mediapipe/modules/holistic_landmark/calculators/__init__.py +0 -0
  206. mediapipe/modules/holistic_landmark/calculators/roi_tracking_calculator_pb2.py +37 -0
  207. mediapipe/modules/holistic_landmark/hand_recrop.tflite +0 -0
  208. mediapipe/modules/holistic_landmark/holistic_landmark_cpu.binarypb +0 -0
  209. mediapipe/modules/iris_landmark/__init__.py +0 -0
  210. mediapipe/modules/iris_landmark/iris_landmark.tflite +0 -0
  211. mediapipe/modules/objectron/__init__.py +0 -0
  212. mediapipe/modules/objectron/calculators/__init__.py +0 -0
  213. mediapipe/modules/objectron/calculators/a_r_capture_metadata_pb2.py +102 -0
  214. mediapipe/modules/objectron/calculators/annotation_data_pb2.py +38 -0
  215. mediapipe/modules/objectron/calculators/belief_decoder_config_pb2.py +28 -0
  216. mediapipe/modules/objectron/calculators/camera_parameters_pb2.py +30 -0
  217. mediapipe/modules/objectron/calculators/filter_detection_calculator_pb2.py +35 -0
  218. mediapipe/modules/objectron/calculators/frame_annotation_to_rect_calculator_pb2.py +31 -0
  219. mediapipe/modules/objectron/calculators/frame_annotation_tracker_calculator_pb2.py +31 -0
  220. mediapipe/modules/objectron/calculators/lift_2d_frame_annotation_to_3d_calculator_pb2.py +32 -0
  221. mediapipe/modules/objectron/calculators/object_pb2.py +38 -0
  222. mediapipe/modules/objectron/calculators/tensors_to_objects_calculator_pb2.py +32 -0
  223. mediapipe/modules/objectron/calculators/tflite_tensors_to_objects_calculator_pb2.py +32 -0
  224. mediapipe/modules/objectron/object_detection_oidv4_labelmap.txt +24 -0
  225. mediapipe/modules/objectron/objectron_cpu.binarypb +0 -0
  226. mediapipe/modules/palm_detection/__init__.py +0 -0
  227. mediapipe/modules/palm_detection/palm_detection_full.tflite +0 -0
  228. mediapipe/modules/palm_detection/palm_detection_lite.tflite +0 -0
  229. mediapipe/modules/pose_detection/__init__.py +0 -0
  230. mediapipe/modules/pose_detection/pose_detection.tflite +0 -0
  231. mediapipe/modules/pose_landmark/__init__.py +0 -0
  232. mediapipe/modules/pose_landmark/pose_landmark_cpu.binarypb +0 -0
  233. mediapipe/modules/pose_landmark/pose_landmark_full.tflite +0 -0
  234. mediapipe/modules/selfie_segmentation/__init__.py +0 -0
  235. mediapipe/modules/selfie_segmentation/selfie_segmentation.tflite +0 -0
  236. mediapipe/modules/selfie_segmentation/selfie_segmentation_cpu.binarypb +0 -0
  237. mediapipe/modules/selfie_segmentation/selfie_segmentation_landscape.tflite +0 -0
  238. mediapipe/python/__init__.py +29 -0
  239. mediapipe/python/_framework_bindings.cpython-39-x86_64-linux-gnu.so +0 -0
  240. mediapipe/python/calculator_graph_test.py +251 -0
  241. mediapipe/python/image_frame_test.py +194 -0
  242. mediapipe/python/image_test.py +218 -0
  243. mediapipe/python/packet_creator.py +275 -0
  244. mediapipe/python/packet_getter.py +120 -0
  245. mediapipe/python/packet_test.py +533 -0
  246. mediapipe/python/solution_base.py +604 -0
  247. mediapipe/python/solution_base_test.py +396 -0
  248. mediapipe/python/solutions/__init__.py +27 -0
  249. mediapipe/python/solutions/download_utils.py +37 -0
  250. mediapipe/python/solutions/drawing_styles.py +249 -0
  251. mediapipe/python/solutions/drawing_utils.py +320 -0
  252. mediapipe/python/solutions/drawing_utils_test.py +258 -0
  253. mediapipe/python/solutions/face_detection.py +105 -0
  254. mediapipe/python/solutions/face_detection_test.py +92 -0
  255. mediapipe/python/solutions/face_mesh.py +125 -0
  256. mediapipe/python/solutions/face_mesh_connections.py +500 -0
  257. mediapipe/python/solutions/face_mesh_test.py +170 -0
  258. mediapipe/python/solutions/hands.py +153 -0
  259. mediapipe/python/solutions/hands_connections.py +32 -0
  260. mediapipe/python/solutions/hands_test.py +219 -0
  261. mediapipe/python/solutions/holistic.py +167 -0
  262. mediapipe/python/solutions/holistic_test.py +142 -0
  263. mediapipe/python/solutions/objectron.py +288 -0
  264. mediapipe/python/solutions/objectron_test.py +81 -0
  265. mediapipe/python/solutions/pose.py +192 -0
  266. mediapipe/python/solutions/pose_connections.py +22 -0
  267. mediapipe/python/solutions/pose_test.py +262 -0
  268. mediapipe/python/solutions/selfie_segmentation.py +76 -0
  269. mediapipe/python/solutions/selfie_segmentation_test.py +68 -0
  270. mediapipe/python/timestamp_test.py +78 -0
  271. mediapipe/tasks/__init__.py +14 -0
  272. mediapipe/tasks/cc/__init__.py +0 -0
  273. mediapipe/tasks/cc/audio/__init__.py +0 -0
  274. mediapipe/tasks/cc/audio/audio_classifier/__init__.py +0 -0
  275. mediapipe/tasks/cc/audio/audio_classifier/proto/__init__.py +0 -0
  276. mediapipe/tasks/cc/audio/audio_classifier/proto/audio_classifier_graph_options_pb2.py +35 -0
  277. mediapipe/tasks/cc/audio/audio_embedder/__init__.py +0 -0
  278. mediapipe/tasks/cc/audio/audio_embedder/proto/__init__.py +0 -0
  279. mediapipe/tasks/cc/audio/audio_embedder/proto/audio_embedder_graph_options_pb2.py +35 -0
  280. mediapipe/tasks/cc/audio/core/__init__.py +0 -0
  281. mediapipe/tasks/cc/audio/utils/__init__.py +0 -0
  282. mediapipe/tasks/cc/components/__init__.py +0 -0
  283. mediapipe/tasks/cc/components/calculators/__init__.py +0 -0
  284. mediapipe/tasks/cc/components/calculators/classification_aggregation_calculator_pb2.py +31 -0
  285. mediapipe/tasks/cc/components/calculators/score_calibration_calculator_pb2.py +35 -0
  286. mediapipe/tasks/cc/components/calculators/tensors_to_embeddings_calculator_pb2.py +32 -0
  287. mediapipe/tasks/cc/components/containers/__init__.py +0 -0
  288. mediapipe/tasks/cc/components/containers/proto/__init__.py +0 -0
  289. mediapipe/tasks/cc/components/containers/proto/classifications_pb2.py +30 -0
  290. mediapipe/tasks/cc/components/containers/proto/embeddings_pb2.py +35 -0
  291. mediapipe/tasks/cc/components/containers/proto/landmarks_detection_result_pb2.py +32 -0
  292. mediapipe/tasks/cc/components/processors/__init__.py +0 -0
  293. mediapipe/tasks/cc/components/processors/proto/__init__.py +0 -0
  294. mediapipe/tasks/cc/components/processors/proto/classification_postprocessing_graph_options_pb2.py +38 -0
  295. mediapipe/tasks/cc/components/processors/proto/classifier_options_pb2.py +27 -0
  296. mediapipe/tasks/cc/components/processors/proto/detection_postprocessing_graph_options_pb2.py +36 -0
  297. mediapipe/tasks/cc/components/processors/proto/detector_options_pb2.py +27 -0
  298. mediapipe/tasks/cc/components/processors/proto/embedder_options_pb2.py +27 -0
  299. mediapipe/tasks/cc/components/processors/proto/embedding_postprocessing_graph_options_pb2.py +32 -0
  300. mediapipe/tasks/cc/components/processors/proto/image_preprocessing_graph_options_pb2.py +34 -0
  301. mediapipe/tasks/cc/components/processors/proto/text_model_type_pb2.py +28 -0
  302. mediapipe/tasks/cc/components/processors/proto/text_preprocessing_graph_options_pb2.py +32 -0
  303. mediapipe/tasks/cc/components/utils/__init__.py +0 -0
  304. mediapipe/tasks/cc/core/__init__.py +0 -0
  305. mediapipe/tasks/cc/core/proto/__init__.py +0 -0
  306. mediapipe/tasks/cc/core/proto/acceleration_pb2.py +28 -0
  307. mediapipe/tasks/cc/core/proto/base_options_pb2.py +30 -0
  308. mediapipe/tasks/cc/core/proto/external_file_pb2.py +31 -0
  309. mediapipe/tasks/cc/core/proto/inference_subgraph_pb2.py +32 -0
  310. mediapipe/tasks/cc/core/proto/model_resources_calculator_pb2.py +32 -0
  311. mediapipe/tasks/cc/genai/__init__.py +0 -0
  312. mediapipe/tasks/cc/genai/inference/__init__.py +0 -0
  313. mediapipe/tasks/cc/genai/inference/c/__init__.py +0 -0
  314. mediapipe/tasks/cc/genai/inference/calculators/__init__.py +0 -0
  315. mediapipe/tasks/cc/genai/inference/calculators/detokenizer_calculator_pb2.py +27 -0
  316. mediapipe/tasks/cc/genai/inference/calculators/llm_gpu_calculator_pb2.py +32 -0
  317. mediapipe/tasks/cc/genai/inference/calculators/model_data_calculator_pb2.py +27 -0
  318. mediapipe/tasks/cc/genai/inference/calculators/tokenizer_calculator_pb2.py +29 -0
  319. mediapipe/tasks/cc/genai/inference/common/__init__.py +0 -0
  320. mediapipe/tasks/cc/genai/inference/proto/__init__.py +0 -0
  321. mediapipe/tasks/cc/genai/inference/proto/llm_file_metadata_pb2.py +32 -0
  322. mediapipe/tasks/cc/genai/inference/proto/llm_params_pb2.py +33 -0
  323. mediapipe/tasks/cc/genai/inference/proto/prompt_template_pb2.py +27 -0
  324. mediapipe/tasks/cc/genai/inference/proto/sampler_params_pb2.py +29 -0
  325. mediapipe/tasks/cc/genai/inference/proto/transformer_params_pb2.py +45 -0
  326. mediapipe/tasks/cc/genai/inference/utils/__init__.py +0 -0
  327. mediapipe/tasks/cc/genai/inference/utils/llm_utils/__init__.py +0 -0
  328. mediapipe/tasks/cc/genai/inference/utils/xnn_utils/__init__.py +0 -0
  329. mediapipe/tasks/cc/metadata/__init__.py +0 -0
  330. mediapipe/tasks/cc/metadata/python/__init__.py +0 -0
  331. mediapipe/tasks/cc/metadata/python/_pywrap_metadata_version.cpython-39-x86_64-linux-gnu.so +0 -0
  332. mediapipe/tasks/cc/metadata/tests/__init__.py +0 -0
  333. mediapipe/tasks/cc/metadata/utils/__init__.py +0 -0
  334. mediapipe/tasks/cc/text/__init__.py +0 -0
  335. mediapipe/tasks/cc/text/custom_ops/__init__.py +0 -0
  336. mediapipe/tasks/cc/text/custom_ops/ragged/__init__.py +0 -0
  337. mediapipe/tasks/cc/text/custom_ops/sentencepiece/__init__.py +0 -0
  338. mediapipe/tasks/cc/text/custom_ops/sentencepiece/testdata/__init__.py +0 -0
  339. mediapipe/tasks/cc/text/language_detector/__init__.py +0 -0
  340. mediapipe/tasks/cc/text/language_detector/custom_ops/__init__.py +0 -0
  341. mediapipe/tasks/cc/text/language_detector/custom_ops/utils/__init__.py +0 -0
  342. mediapipe/tasks/cc/text/language_detector/custom_ops/utils/hash/__init__.py +0 -0
  343. mediapipe/tasks/cc/text/language_detector/custom_ops/utils/utf/__init__.py +0 -0
  344. mediapipe/tasks/cc/text/text_classifier/__init__.py +0 -0
  345. mediapipe/tasks/cc/text/text_classifier/proto/__init__.py +0 -0
  346. mediapipe/tasks/cc/text/text_classifier/proto/text_classifier_graph_options_pb2.py +35 -0
  347. mediapipe/tasks/cc/text/text_embedder/__init__.py +0 -0
  348. mediapipe/tasks/cc/text/text_embedder/proto/__init__.py +0 -0
  349. mediapipe/tasks/cc/text/text_embedder/proto/text_embedder_graph_options_pb2.py +35 -0
  350. mediapipe/tasks/cc/text/tokenizers/__init__.py +0 -0
  351. mediapipe/tasks/cc/text/utils/__init__.py +0 -0
  352. mediapipe/tasks/cc/vision/__init__.py +0 -0
  353. mediapipe/tasks/cc/vision/core/__init__.py +0 -0
  354. mediapipe/tasks/cc/vision/custom_ops/__init__.py +0 -0
  355. mediapipe/tasks/cc/vision/face_detector/__init__.py +0 -0
  356. mediapipe/tasks/cc/vision/face_detector/proto/__init__.py +0 -0
  357. mediapipe/tasks/cc/vision/face_detector/proto/face_detector_graph_options_pb2.py +34 -0
  358. mediapipe/tasks/cc/vision/face_geometry/__init__.py +0 -0
  359. mediapipe/tasks/cc/vision/face_geometry/calculators/__init__.py +0 -0
  360. mediapipe/tasks/cc/vision/face_geometry/calculators/env_generator_calculator_pb2.py +28 -0
  361. mediapipe/tasks/cc/vision/face_geometry/calculators/geometry_pipeline_calculator_pb2.py +29 -0
  362. mediapipe/tasks/cc/vision/face_geometry/data/__init__.py +0 -0
  363. mediapipe/tasks/cc/vision/face_geometry/libs/__init__.py +0 -0
  364. mediapipe/tasks/cc/vision/face_geometry/proto/__init__.py +0 -0
  365. mediapipe/tasks/cc/vision/face_geometry/proto/environment_pb2.py +31 -0
  366. mediapipe/tasks/cc/vision/face_geometry/proto/face_geometry_graph_options_pb2.py +29 -0
  367. mediapipe/tasks/cc/vision/face_geometry/proto/face_geometry_pb2.py +29 -0
  368. mediapipe/tasks/cc/vision/face_geometry/proto/geometry_pipeline_metadata_pb2.py +32 -0
  369. mediapipe/tasks/cc/vision/face_geometry/proto/mesh_3d_pb2.py +31 -0
  370. mediapipe/tasks/cc/vision/face_landmarker/__init__.py +0 -0
  371. mediapipe/tasks/cc/vision/face_landmarker/proto/__init__.py +0 -0
  372. mediapipe/tasks/cc/vision/face_landmarker/proto/face_blendshapes_graph_options_pb2.py +34 -0
  373. mediapipe/tasks/cc/vision/face_landmarker/proto/face_landmarker_graph_options_pb2.py +37 -0
  374. mediapipe/tasks/cc/vision/face_landmarker/proto/face_landmarks_detector_graph_options_pb2.py +35 -0
  375. mediapipe/tasks/cc/vision/face_landmarker/proto/tensors_to_face_landmarks_graph_options_pb2.py +32 -0
  376. mediapipe/tasks/cc/vision/face_stylizer/__init__.py +0 -0
  377. mediapipe/tasks/cc/vision/face_stylizer/calculators/__init__.py +0 -0
  378. mediapipe/tasks/cc/vision/face_stylizer/calculators/tensors_to_image_calculator_pb2.py +36 -0
  379. mediapipe/tasks/cc/vision/face_stylizer/proto/__init__.py +0 -0
  380. mediapipe/tasks/cc/vision/face_stylizer/proto/face_stylizer_graph_options_pb2.py +35 -0
  381. mediapipe/tasks/cc/vision/gesture_recognizer/__init__.py +0 -0
  382. mediapipe/tasks/cc/vision/gesture_recognizer/calculators/__init__.py +0 -0
  383. mediapipe/tasks/cc/vision/gesture_recognizer/calculators/combined_prediction_calculator_pb2.py +33 -0
  384. mediapipe/tasks/cc/vision/gesture_recognizer/calculators/landmarks_to_matrix_calculator_pb2.py +31 -0
  385. mediapipe/tasks/cc/vision/gesture_recognizer/proto/__init__.py +0 -0
  386. mediapipe/tasks/cc/vision/gesture_recognizer/proto/gesture_classifier_graph_options_pb2.py +35 -0
  387. mediapipe/tasks/cc/vision/gesture_recognizer/proto/gesture_embedder_graph_options_pb2.py +34 -0
  388. mediapipe/tasks/cc/vision/gesture_recognizer/proto/gesture_recognizer_graph_options_pb2.py +36 -0
  389. mediapipe/tasks/cc/vision/gesture_recognizer/proto/hand_gesture_recognizer_graph_options_pb2.py +36 -0
  390. mediapipe/tasks/cc/vision/hand_detector/__init__.py +0 -0
  391. mediapipe/tasks/cc/vision/hand_detector/proto/__init__.py +0 -0
  392. mediapipe/tasks/cc/vision/hand_detector/proto/hand_detector_graph_options_pb2.py +34 -0
  393. mediapipe/tasks/cc/vision/hand_detector/proto/hand_detector_result_pb2.py +30 -0
  394. mediapipe/tasks/cc/vision/hand_landmarker/__init__.py +0 -0
  395. mediapipe/tasks/cc/vision/hand_landmarker/calculators/__init__.py +0 -0
  396. mediapipe/tasks/cc/vision/hand_landmarker/calculators/hand_association_calculator_pb2.py +31 -0
  397. mediapipe/tasks/cc/vision/hand_landmarker/proto/__init__.py +0 -0
  398. mediapipe/tasks/cc/vision/hand_landmarker/proto/hand_landmarker_graph_options_pb2.py +36 -0
  399. mediapipe/tasks/cc/vision/hand_landmarker/proto/hand_landmarks_detector_graph_options_pb2.py +34 -0
  400. mediapipe/tasks/cc/vision/hand_landmarker/proto/hand_roi_refinement_graph_options_pb2.py +28 -0
  401. mediapipe/tasks/cc/vision/holistic_landmarker/__init__.py +0 -0
  402. mediapipe/tasks/cc/vision/holistic_landmarker/proto/__init__.py +0 -0
  403. mediapipe/tasks/cc/vision/holistic_landmarker/proto/holistic_landmarker_graph_options_pb2.py +34 -0
  404. mediapipe/tasks/cc/vision/holistic_landmarker/proto/holistic_result_pb2.py +29 -0
  405. mediapipe/tasks/cc/vision/image_classifier/__init__.py +0 -0
  406. mediapipe/tasks/cc/vision/image_classifier/proto/__init__.py +0 -0
  407. mediapipe/tasks/cc/vision/image_classifier/proto/image_classifier_graph_options_pb2.py +35 -0
  408. mediapipe/tasks/cc/vision/image_embedder/__init__.py +0 -0
  409. mediapipe/tasks/cc/vision/image_embedder/proto/__init__.py +0 -0
  410. mediapipe/tasks/cc/vision/image_embedder/proto/image_embedder_graph_options_pb2.py +35 -0
  411. mediapipe/tasks/cc/vision/image_generator/__init__.py +0 -0
  412. mediapipe/tasks/cc/vision/image_generator/diffuser/__init__.py +0 -0
  413. mediapipe/tasks/cc/vision/image_generator/diffuser/stable_diffusion_iterate_calculator_pb2.py +40 -0
  414. mediapipe/tasks/cc/vision/image_generator/proto/__init__.py +0 -0
  415. mediapipe/tasks/cc/vision/image_generator/proto/conditioned_image_graph_options_pb2.py +40 -0
  416. mediapipe/tasks/cc/vision/image_generator/proto/control_plugin_graph_options_pb2.py +34 -0
  417. mediapipe/tasks/cc/vision/image_generator/proto/image_generator_graph_options_pb2.py +30 -0
  418. mediapipe/tasks/cc/vision/image_segmenter/__init__.py +0 -0
  419. mediapipe/tasks/cc/vision/image_segmenter/calculators/__init__.py +0 -0
  420. mediapipe/tasks/cc/vision/image_segmenter/calculators/tensors_to_segmentation_calculator_pb2.py +34 -0
  421. mediapipe/tasks/cc/vision/image_segmenter/proto/__init__.py +0 -0
  422. mediapipe/tasks/cc/vision/image_segmenter/proto/image_segmenter_graph_options_pb2.py +35 -0
  423. mediapipe/tasks/cc/vision/image_segmenter/proto/segmenter_options_pb2.py +33 -0
  424. mediapipe/tasks/cc/vision/interactive_segmenter/__init__.py +0 -0
  425. mediapipe/tasks/cc/vision/object_detector/__init__.py +0 -0
  426. mediapipe/tasks/cc/vision/object_detector/proto/__init__.py +0 -0
  427. mediapipe/tasks/cc/vision/object_detector/proto/object_detector_options_pb2.py +34 -0
  428. mediapipe/tasks/cc/vision/pose_detector/__init__.py +0 -0
  429. mediapipe/tasks/cc/vision/pose_detector/proto/__init__.py +0 -0
  430. mediapipe/tasks/cc/vision/pose_detector/proto/pose_detector_graph_options_pb2.py +34 -0
  431. mediapipe/tasks/cc/vision/pose_landmarker/__init__.py +0 -0
  432. mediapipe/tasks/cc/vision/pose_landmarker/proto/__init__.py +0 -0
  433. mediapipe/tasks/cc/vision/pose_landmarker/proto/pose_landmarker_graph_options_pb2.py +36 -0
  434. mediapipe/tasks/cc/vision/pose_landmarker/proto/pose_landmarks_detector_graph_options_pb2.py +34 -0
  435. mediapipe/tasks/cc/vision/utils/__init__.py +0 -0
  436. mediapipe/tasks/cc/vision/utils/ghum/__init__.py +0 -0
  437. mediapipe/tasks/metadata/image_segmenter_metadata_schema.fbs +59 -0
  438. mediapipe/tasks/metadata/image_segmenter_metadata_schema_py_generated.py +108 -0
  439. mediapipe/tasks/metadata/metadata_schema.fbs +732 -0
  440. mediapipe/tasks/metadata/metadata_schema_py_generated.py +3251 -0
  441. mediapipe/tasks/metadata/object_detector_metadata_schema.fbs +98 -0
  442. mediapipe/tasks/metadata/object_detector_metadata_schema_py_generated.py +674 -0
  443. mediapipe/tasks/metadata/schema_py_generated.py +18438 -0
  444. mediapipe/tasks/python/__init__.py +27 -0
  445. mediapipe/tasks/python/audio/__init__.py +33 -0
  446. mediapipe/tasks/python/audio/audio_classifier.py +324 -0
  447. mediapipe/tasks/python/audio/audio_embedder.py +285 -0
  448. mediapipe/tasks/python/audio/core/__init__.py +16 -0
  449. mediapipe/tasks/python/audio/core/audio_record.py +125 -0
  450. mediapipe/tasks/python/audio/core/audio_task_running_mode.py +29 -0
  451. mediapipe/tasks/python/audio/core/base_audio_task_api.py +181 -0
  452. mediapipe/tasks/python/benchmark/__init__.py +13 -0
  453. mediapipe/tasks/python/benchmark/benchmark_utils.py +70 -0
  454. mediapipe/tasks/python/benchmark/vision/__init__.py +13 -0
  455. mediapipe/tasks/python/benchmark/vision/benchmark.py +99 -0
  456. mediapipe/tasks/python/benchmark/vision/core/__init__.py +14 -0
  457. mediapipe/tasks/python/benchmark/vision/core/base_vision_benchmark_api.py +40 -0
  458. mediapipe/tasks/python/components/__init__.py +13 -0
  459. mediapipe/tasks/python/components/containers/__init__.py +53 -0
  460. mediapipe/tasks/python/components/containers/audio_data.py +137 -0
  461. mediapipe/tasks/python/components/containers/bounding_box.py +73 -0
  462. mediapipe/tasks/python/components/containers/category.py +78 -0
  463. mediapipe/tasks/python/components/containers/classification_result.py +111 -0
  464. mediapipe/tasks/python/components/containers/detections.py +181 -0
  465. mediapipe/tasks/python/components/containers/embedding_result.py +89 -0
  466. mediapipe/tasks/python/components/containers/keypoint.py +77 -0
  467. mediapipe/tasks/python/components/containers/landmark.py +122 -0
  468. mediapipe/tasks/python/components/containers/landmark_detection_result.py +106 -0
  469. mediapipe/tasks/python/components/containers/rect.py +109 -0
  470. mediapipe/tasks/python/components/processors/__init__.py +23 -0
  471. mediapipe/tasks/python/components/processors/classifier_options.py +86 -0
  472. mediapipe/tasks/python/components/utils/__init__.py +13 -0
  473. mediapipe/tasks/python/components/utils/cosine_similarity.py +68 -0
  474. mediapipe/tasks/python/core/__init__.py +13 -0
  475. mediapipe/tasks/python/core/base_options.py +121 -0
  476. mediapipe/tasks/python/core/optional_dependencies.py +25 -0
  477. mediapipe/tasks/python/core/task_info.py +139 -0
  478. mediapipe/tasks/python/genai/__init__.py +14 -0
  479. mediapipe/tasks/python/genai/bundler/__init__.py +23 -0
  480. mediapipe/tasks/python/genai/bundler/llm_bundler.py +130 -0
  481. mediapipe/tasks/python/genai/bundler/llm_bundler_test.py +168 -0
  482. mediapipe/tasks/python/genai/converter/__init__.py +24 -0
  483. mediapipe/tasks/python/genai/converter/converter_base.py +179 -0
  484. mediapipe/tasks/python/genai/converter/converter_factory.py +79 -0
  485. mediapipe/tasks/python/genai/converter/llm_converter.py +374 -0
  486. mediapipe/tasks/python/genai/converter/llm_converter_test.py +63 -0
  487. mediapipe/tasks/python/genai/converter/pytorch_converter.py +318 -0
  488. mediapipe/tasks/python/genai/converter/pytorch_converter_test.py +86 -0
  489. mediapipe/tasks/python/genai/converter/quantization_util.py +516 -0
  490. mediapipe/tasks/python/genai/converter/quantization_util_test.py +259 -0
  491. mediapipe/tasks/python/genai/converter/safetensors_converter.py +580 -0
  492. mediapipe/tasks/python/genai/converter/safetensors_converter_test.py +83 -0
  493. mediapipe/tasks/python/genai/converter/weight_bins_writer.py +120 -0
  494. mediapipe/tasks/python/genai/converter/weight_bins_writer_test.py +95 -0
  495. mediapipe/tasks/python/metadata/__init__.py +13 -0
  496. mediapipe/tasks/python/metadata/flatbuffers_lib/_pywrap_flatbuffers.cpython-39-x86_64-linux-gnu.so +0 -0
  497. mediapipe/tasks/python/metadata/metadata.py +928 -0
  498. mediapipe/tasks/python/metadata/metadata_displayer_cli.py +34 -0
  499. mediapipe/tasks/python/metadata/metadata_writers/__init__.py +13 -0
  500. mediapipe/tasks/python/metadata/metadata_writers/face_stylizer.py +138 -0
  501. mediapipe/tasks/python/metadata/metadata_writers/image_classifier.py +71 -0
  502. mediapipe/tasks/python/metadata/metadata_writers/image_segmenter.py +170 -0
  503. mediapipe/tasks/python/metadata/metadata_writers/metadata_info.py +1166 -0
  504. mediapipe/tasks/python/metadata/metadata_writers/metadata_writer.py +845 -0
  505. mediapipe/tasks/python/metadata/metadata_writers/model_asset_bundle_utils.py +71 -0
  506. mediapipe/tasks/python/metadata/metadata_writers/object_detector.py +331 -0
  507. mediapipe/tasks/python/metadata/metadata_writers/text_classifier.py +119 -0
  508. mediapipe/tasks/python/metadata/metadata_writers/writer_utils.py +91 -0
  509. mediapipe/tasks/python/test/__init__.py +13 -0
  510. mediapipe/tasks/python/test/audio/__init__.py +13 -0
  511. mediapipe/tasks/python/test/audio/audio_classifier_test.py +387 -0
  512. mediapipe/tasks/python/test/audio/audio_embedder_test.py +297 -0
  513. mediapipe/tasks/python/test/test_utils.py +196 -0
  514. mediapipe/tasks/python/test/text/__init__.py +13 -0
  515. mediapipe/tasks/python/test/text/language_detector_test.py +228 -0
  516. mediapipe/tasks/python/test/text/text_classifier_test.py +235 -0
  517. mediapipe/tasks/python/test/text/text_embedder_test.py +326 -0
  518. mediapipe/tasks/python/test/vision/__init__.py +13 -0
  519. mediapipe/tasks/python/test/vision/face_aligner_test.py +190 -0
  520. mediapipe/tasks/python/test/vision/face_detector_test.py +523 -0
  521. mediapipe/tasks/python/test/vision/face_landmarker_test.py +565 -0
  522. mediapipe/tasks/python/test/vision/face_stylizer_test.py +191 -0
  523. mediapipe/tasks/python/test/vision/hand_landmarker_test.py +437 -0
  524. mediapipe/tasks/python/test/vision/holistic_landmarker_test.py +544 -0
  525. mediapipe/tasks/python/test/vision/image_classifier_test.py +657 -0
  526. mediapipe/tasks/python/test/vision/image_embedder_test.py +423 -0
  527. mediapipe/tasks/python/test/vision/image_segmenter_test.py +512 -0
  528. mediapipe/tasks/python/test/vision/interactive_segmenter_test.py +341 -0
  529. mediapipe/tasks/python/test/vision/object_detector_test.py +493 -0
  530. mediapipe/tasks/python/test/vision/pose_landmarker_test.py +518 -0
  531. mediapipe/tasks/python/text/__init__.py +35 -0
  532. mediapipe/tasks/python/text/core/__init__.py +16 -0
  533. mediapipe/tasks/python/text/core/base_text_task_api.py +54 -0
  534. mediapipe/tasks/python/text/language_detector.py +220 -0
  535. mediapipe/tasks/python/text/text_classifier.py +187 -0
  536. mediapipe/tasks/python/text/text_embedder.py +188 -0
  537. mediapipe/tasks/python/vision/__init__.py +90 -0
  538. mediapipe/tasks/python/vision/core/__init__.py +14 -0
  539. mediapipe/tasks/python/vision/core/base_vision_task_api.py +226 -0
  540. mediapipe/tasks/python/vision/core/image_processing_options.py +39 -0
  541. mediapipe/tasks/python/vision/core/vision_task_running_mode.py +31 -0
  542. mediapipe/tasks/python/vision/face_aligner.py +158 -0
  543. mediapipe/tasks/python/vision/face_detector.py +332 -0
  544. mediapipe/tasks/python/vision/face_landmarker.py +3244 -0
  545. mediapipe/tasks/python/vision/face_stylizer.py +158 -0
  546. mediapipe/tasks/python/vision/gesture_recognizer.py +480 -0
  547. mediapipe/tasks/python/vision/hand_landmarker.py +504 -0
  548. mediapipe/tasks/python/vision/holistic_landmarker.py +576 -0
  549. mediapipe/tasks/python/vision/image_classifier.py +358 -0
  550. mediapipe/tasks/python/vision/image_embedder.py +362 -0
  551. mediapipe/tasks/python/vision/image_segmenter.py +433 -0
  552. mediapipe/tasks/python/vision/interactive_segmenter.py +285 -0
  553. mediapipe/tasks/python/vision/object_detector.py +389 -0
  554. mediapipe/tasks/python/vision/pose_landmarker.py +455 -0
  555. mediapipe/util/__init__.py +0 -0
  556. mediapipe/util/analytics/__init__.py +0 -0
  557. mediapipe/util/analytics/mediapipe_log_extension_pb2.py +44 -0
  558. mediapipe/util/analytics/mediapipe_logging_enums_pb2.py +37 -0
  559. mediapipe/util/audio_decoder_pb2.py +33 -0
  560. mediapipe/util/color_pb2.py +33 -0
  561. mediapipe/util/label_map_pb2.py +27 -0
  562. mediapipe/util/render_data_pb2.py +58 -0
  563. mediapipe/util/sequence/__init__.py +14 -0
  564. mediapipe/util/sequence/media_sequence.py +716 -0
  565. mediapipe/util/sequence/media_sequence_test.py +290 -0
  566. mediapipe/util/sequence/media_sequence_util.py +800 -0
  567. mediapipe/util/sequence/media_sequence_util_test.py +389 -0
  568. mediapipe/util/tracking/__init__.py +0 -0
  569. mediapipe/util/tracking/box_detector_pb2.py +39 -0
  570. mediapipe/util/tracking/box_tracker_pb2.py +32 -0
  571. mediapipe/util/tracking/camera_motion_pb2.py +31 -0
  572. mediapipe/util/tracking/flow_packager_pb2.py +60 -0
  573. mediapipe/util/tracking/frame_selection_pb2.py +35 -0
  574. mediapipe/util/tracking/frame_selection_solution_evaluator_pb2.py +28 -0
  575. mediapipe/util/tracking/motion_analysis_pb2.py +35 -0
  576. mediapipe/util/tracking/motion_estimation_pb2.py +66 -0
  577. mediapipe/util/tracking/motion_models_pb2.py +42 -0
  578. mediapipe/util/tracking/motion_saliency_pb2.py +26 -0
  579. mediapipe/util/tracking/push_pull_filtering_pb2.py +26 -0
  580. mediapipe/util/tracking/region_flow_computation_pb2.py +59 -0
  581. mediapipe/util/tracking/region_flow_pb2.py +49 -0
  582. mediapipe/util/tracking/tone_estimation_pb2.py +45 -0
  583. mediapipe/util/tracking/tone_models_pb2.py +32 -0
  584. mediapipe/util/tracking/tracked_detection_manager_config_pb2.py +26 -0
  585. mediapipe/util/tracking/tracking_pb2.py +73 -0
  586. mediapipe_nightly-0.10.21.post20250114.dist-info/LICENSE +218 -0
  587. mediapipe_nightly-0.10.21.post20250114.dist-info/METADATA +199 -0
  588. mediapipe_nightly-0.10.21.post20250114.dist-info/RECORD +593 -0
  589. mediapipe_nightly-0.10.21.post20250114.dist-info/WHEEL +5 -0
  590. mediapipe_nightly-0.10.21.post20250114.dist-info/top_level.txt +4 -0
  591. mediapipe_nightly.libs/libEGL-48f73270.so.1.1.0 +0 -0
  592. mediapipe_nightly.libs/libGLESv2-ed5eda4f.so.2.1.0 +0 -0
  593. mediapipe_nightly.libs/libGLdispatch-64b28464.so.0.0.0 +0 -0
@@ -0,0 +1,35 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/motion_analysis.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.tracking import motion_estimation_pb2 as mediapipe_dot_util_dot_tracking_dot_motion__estimation__pb2
16
+ from mediapipe.util.tracking import motion_saliency_pb2 as mediapipe_dot_util_dot_tracking_dot_motion__saliency__pb2
17
+ from mediapipe.util.tracking import region_flow_computation_pb2 as mediapipe_dot_util_dot_tracking_dot_region__flow__computation__pb2
18
+
19
+
20
+ DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n-mediapipe/util/tracking/motion_analysis.proto\x12\tmediapipe\x1a/mediapipe/util/tracking/motion_estimation.proto\x1a-mediapipe/util/tracking/motion_saliency.proto\x1a\x35mediapipe/util/tracking/region_flow_computation.proto\"\xf8\n\n\x15MotionAnalysisOptions\x12`\n\x0f\x61nalysis_policy\x18\x0e \x01(\x0e\x32/.mediapipe.MotionAnalysisOptions.AnalysisPolicy:\x16\x41NALYSIS_POLICY_LEGACY\x12=\n\x0c\x66low_options\x18\x01 \x01(\x0b\x32\'.mediapipe.RegionFlowComputationOptions\x12:\n\x0emotion_options\x18\x02 \x01(\x0b\x32\".mediapipe.MotionEstimationOptions\x12:\n\x10saliency_options\x18\x03 \x01(\x0b\x32 .mediapipe.MotionSaliencyOptions\x12 \n\x14\x65stimation_clip_size\x18\x04 \x01(\x05:\x02\x31\x36\x12\x33\n$subtract_camera_motion_from_features\x18\x05 \x01(\x08:\x05\x66\x61lse\x12\x16\n\x0btrack_index\x18\x06 \x01(\x05:\x01\x30\x12&\n\x17\x63ompute_motion_saliency\x18\x07 \x01(\x08:\x05\x66\x61lse\x12%\n\x17select_saliency_inliers\x18\x08 \x01(\x08:\x04true\x12\x1d\n\x0f\x66ilter_saliency\x18\t \x01(\x08:\x04true\x12\"\n\x13post_irls_smoothing\x18\n \x01(\x08:\x05\x66\x61lse\x12)\n\x1drejection_transform_threshold\x18\r \x01(\x02:\x02\x32\x30\x12T\n\x15visualization_options\x18\x0b \x01(\x0b\x32\x35.mediapipe.MotionAnalysisOptions.VisualizationOptions\x12N\n\x12\x66oreground_options\x18\x0c \x01(\x0b\x32\x32.mediapipe.MotionAnalysisOptions.ForegroundOptions\x1a\xc5\x02\n\x14VisualizationOptions\x12,\n\x1evisualize_region_flow_features\x18\x01 \x01(\x08:\x04true\x12\'\n\x18visualize_salient_points\x18\x02 \x01(\x08:\x05\x66\x61lse\x12\x19\n\x0eline_thickness\x18\x05 \x01(\x05:\x01\x34\x12&\n\x17\x66oreground_jet_coloring\x18\x03 \x01(\x08:\x05\x66\x61lse\x12-\n\x1evisualize_blur_analysis_region\x18\x04 \x01(\x08:\x05\x66\x61lse\x12\x1d\n\x0fvisualize_stats\x18\x06 \x01(\x08:\x04true\x12!\n\x16min_long_feature_track\x18\x07 \x01(\x05:\x01\x30\x12\"\n\x17max_long_feature_points\x18\x08 \x01(\x05:\x01\x30\x1a}\n\x11\x46oregroundOptions\x12!\n\x14\x66oreground_threshold\x18\x01 \x01(\x02:\x03\x30.5\x12\x1b\n\x10\x66oreground_gamma\x18\x02 \x01(\x02:\x01\x31\x12(\n\x1athreshold_coverage_scaling\x18\x03 \x01(\x08:\x04true\"\xac\x01\n\x0e\x41nalysisPolicy\x12\x1a\n\x16\x41NALYSIS_POLICY_LEGACY\x10\x00\x12\x19\n\x15\x41NALYSIS_POLICY_VIDEO\x10\x01\x12 \n\x1c\x41NALYSIS_POLICY_VIDEO_MOBILE\x10\x02\x12!\n\x1d\x41NALYSIS_POLICY_CAMERA_MOBILE\x10\x03\x12\x1e\n\x1a\x41NALYSIS_POLICY_HYPERLAPSE\x10\x04')
21
+
22
+ _globals = globals()
23
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
24
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.motion_analysis_pb2', _globals)
25
+ if _descriptor._USE_C_DESCRIPTORS == False:
26
+ DESCRIPTOR._options = None
27
+ _globals['_MOTIONANALYSISOPTIONS']._serialized_start=212
28
+ _globals['_MOTIONANALYSISOPTIONS']._serialized_end=1612
29
+ _globals['_MOTIONANALYSISOPTIONS_VISUALIZATIONOPTIONS']._serialized_start=985
30
+ _globals['_MOTIONANALYSISOPTIONS_VISUALIZATIONOPTIONS']._serialized_end=1310
31
+ _globals['_MOTIONANALYSISOPTIONS_FOREGROUNDOPTIONS']._serialized_start=1312
32
+ _globals['_MOTIONANALYSISOPTIONS_FOREGROUNDOPTIONS']._serialized_end=1437
33
+ _globals['_MOTIONANALYSISOPTIONS_ANALYSISPOLICY']._serialized_start=1440
34
+ _globals['_MOTIONANALYSISOPTIONS_ANALYSISPOLICY']._serialized_end=1612
35
+ # @@protoc_insertion_point(module_scope)
@@ -0,0 +1,66 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/motion_estimation.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/mediapipe/util/tracking/motion_estimation.proto\x12\tmediapipe\"\xb7\x35\n\x17MotionEstimationOptions\x12\'\n\x19\x65stimate_translation_irls\x18\x01 \x01(\x08:\x04true\x12w\n\x1clinear_similarity_estimation\x18\x03 \x01(\x0e\x32=.mediapipe.MotionEstimationOptions.LinearSimilarityEstimation:\x12\x45STIMATION_LS_IRLS\x12\x66\n\x11\x61\x66\x66ine_estimation\x18\x1e \x01(\x0e\x32\x33.mediapipe.MotionEstimationOptions.AffineEstimation:\x16\x45STIMATION_AFFINE_NONE\x12m\n\x15homography_estimation\x18\x05 \x01(\x0e\x32\x37.mediapipe.MotionEstimationOptions.HomographyEstimation:\x15\x45STIMATION_HOMOG_IRLS\x12\x33\n$homography_exact_denominator_scaling\x18\x35 \x01(\x08:\x05\x66\x61lse\x12-\n\x1fuse_exact_homography_estimation\x18\x36 \x01(\x08:\x04true\x12\x37\n)use_highest_accuracy_for_normal_equations\x18\x37 \x01(\x08:\x04true\x12-\n\"homography_perspective_regularizer\x18= \x01(\x02:\x01\x30\x12|\n\x19mix_homography_estimation\x18\x0c \x01(\x0e\x32>.mediapipe.MotionEstimationOptions.MixtureHomographyEstimation:\x19\x45STIMATION_HOMOG_MIX_NONE\x12\x18\n\x0cnum_mixtures\x18\r \x01(\x05:\x02\x31\x30\x12\x1e\n\x11mixture_row_sigma\x18\x0e \x01(\x02:\x03\x30.1\x12#\n\x13mixture_regularizer\x18\x0f \x01(\x02:\x06\x30.0001\x12%\n\x1amixture_regularizer_levels\x18* \x01(\x02:\x01\x33\x12%\n\x18mixture_regularizer_base\x18+ \x01(\x02:\x03\x32.2\x12$\n\x19mixture_rs_analysis_level\x18, \x01(\x05:\x01\x32\x12\x17\n\x0birls_rounds\x18\x11 \x01(\x05:\x02\x31\x30\x12\x1d\n\x10irls_prior_scale\x18\x32 \x01(\x02:\x03\x30.2\x12,\n\x1eirls_motion_magnitude_fraction\x18\x1f \x01(\x02:\x04\x30.08\x12(\n\x1birls_mixture_fraction_scale\x18\x44 \x01(\x02:\x03\x31.5\x12*\n\x1birls_weights_preinitialized\x18\' \x01(\x08:\x05\x66\x61lse\x12.\n\x1f\x66ilter_initialized_irls_weights\x18\x43 \x01(\x08:\x05\x66\x61lse\x12Y\n\x13irls_initialization\x18\x38 \x01(\x0b\x32<.mediapipe.MotionEstimationOptions.IrlsOutlierInitialization\x12,\n\x1d\x66\x65\x61ture_density_normalization\x18> \x01(\x08:\x05\x66\x61lse\x12\x1d\n\x11\x66\x65\x61ture_mask_size\x18? \x01(\x05:\x02\x31\x30\x12\x61\n\x1blong_feature_initialization\x18\x42 \x01(\x0b\x32<.mediapipe.MotionEstimationOptions.LongFeatureInitialization\x12M\n\x11irls_mask_options\x18\x39 \x01(\x0b\x32\x32.mediapipe.MotionEstimationOptions.IrlsMaskOptions\x12^\n\x16joint_track_estimation\x18; \x01(\x0b\x32>.mediapipe.MotionEstimationOptions.JointTrackEstimationOptions\x12\\\n\x19long_feature_bias_options\x18@ \x01(\x0b\x32\x39.mediapipe.MotionEstimationOptions.LongFeatureBiasOptions\x12\x64\n\x11\x65stimation_policy\x18: \x01(\x0e\x32\x33.mediapipe.MotionEstimationOptions.EstimationPolicy:\x14INDEPENDENT_PARALLEL\x12\x1e\n\x12\x63overage_grid_size\x18\x33 \x01(\x05:\x02\x31\x30\x12\x66\n\x12mixture_model_mode\x18\x17 \x01(\x0e\x32\x33.mediapipe.MotionEstimationOptions.MixtureModelMode:\x15SKEW_ROTATION_MIXTURE\x12\x35\n\'use_only_lin_sim_inliers_for_homography\x18\x06 \x01(\x08:\x04true\x12\'\n\x18lin_sim_inlier_threshold\x18\x14 \x01(\x02:\x05\x30.003\x12W\n\x19stable_translation_bounds\x18 \x01(\x0b\x32\x34.mediapipe.MotionEstimationOptions.TranslationBounds\x12U\n\x18stable_similarity_bounds\x18! \x01(\x0b\x32\x33.mediapipe.MotionEstimationOptions.SimilarityBounds\x12U\n\x18stable_homography_bounds\x18\x0b \x01(\x0b\x32\x33.mediapipe.MotionEstimationOptions.HomographyBounds\x12\x64\n stable_mixture_homography_bounds\x18\" \x01(\x0b\x32:.mediapipe.MotionEstimationOptions.MixtureHomographyBounds\x12$\n\x15strict_coverage_scale\x18) \x01(\x02:\x05\x31.333\x12)\n\x1blabel_empty_frames_as_valid\x18\x16 \x01(\x08:\x04true\x12\x1f\n\x11\x66\x65\x61ture_grid_size\x18\x18 \x01(\x02:\x04\x30.05\x12\x1b\n\rspatial_sigma\x18\x19 \x01(\x02:\x04\x30.01\x12\"\n\x16temporal_irls_diameter\x18\x1a \x01(\x05:\x02\x32\x30\x12\x19\n\x0etemporal_sigma\x18\x1b \x01(\x02:\x01\x35\x12\x19\n\rfeature_sigma\x18\x1c \x01(\x02:\x02\x33\x30\x12\x1c\n\rfilter_5_taps\x18\x1d \x01(\x08:\x05\x66\x61lse\x12(\n\x1a\x66rame_confidence_weighting\x18\x30 \x01(\x08:\x04true\x12\'\n\x1areset_confidence_threshold\x18\x31 \x01(\x02:\x03\x30.4\x12\x61\n\x12irls_weight_filter\x18# \x01(\x0e\x32\x33.mediapipe.MotionEstimationOptions.IRLSWeightFilter:\x10IRLS_FILTER_NONE\x12 \n\x11overlay_detection\x18$ \x01(\x08:\x05\x66\x61lse\x12&\n\x1boverlay_analysis_chunk_size\x18% \x01(\x05:\x01\x38\x12]\n\x19overlay_detection_options\x18& \x01(\x0b\x32:.mediapipe.MotionEstimationOptions.OverlayDetectionOptions\x12U\n\x15shot_boundary_options\x18< \x01(\x0b\x32\x36.mediapipe.MotionEstimationOptions.ShotBoundaryOptions\x12)\n\x1boutput_refined_irls_weights\x18( \x01(\x08:\x04true\x12\x94\x01\n%homography_irls_weight_initialization\x18- \x01(\x0e\x32\x45.mediapipe.MotionEstimationOptions.HomographyIrlsWeightInitialization:\x1eIRLS_WEIGHT_PERIMETER_GAUSSIAN\x12\x1e\n\x10irls_use_l0_norm\x18. \x01(\x08:\x04true\x12*\n\x1b\x64omain_limited_irls_scaling\x18\x41 \x01(\x08:\x05\x66\x61lse\x12\x32\n#deactivate_stable_motion_estimation\x18/ \x01(\x08:\x05\x66\x61lse\x12)\n\x1aproject_valid_motions_down\x18\x34 \x01(\x08:\x05\x66\x61lse\x12\x1f\n\x13\x65stimate_similarity\x18\x02 \x01(\x08\x42\x02\x18\x01\x1a\x61\n\x19IrlsOutlierInitialization\x12\x18\n\tactivated\x18\x01 \x01(\x08:\x05\x66\x61lse\x12\x13\n\x06rounds\x18\x02 \x01(\x05:\x03\x31\x30\x30\x12\x15\n\x06\x63utoff\x18\x03 \x01(\x02:\x05\x30.003\x1az\n\x19LongFeatureInitialization\x12\x18\n\tactivated\x18\x01 \x01(\x08:\x05\x66\x61lse\x12#\n\x15min_length_percentile\x18\x02 \x01(\x02:\x04\x30.95\x12\x1e\n\x13upweight_multiplier\x18\x03 \x01(\x02:\x01\x35\x1a\xd3\x01\n\x0fIrlsMaskOptions\x12\x12\n\x05\x64\x65\x63\x61y\x18\x02 \x01(\x02:\x03\x30.7\x12\x19\n\x0cinlier_score\x18\x03 \x01(\x02:\x03\x30.4\x12\x17\n\nbase_score\x18\x04 \x01(\x02:\x03\x30.2\x12#\n\x14min_translation_norm\x18\x05 \x01(\x02:\x05\x30.002\x12$\n\x17translation_blend_alpha\x18\x06 \x01(\x02:\x03\x30.7\x12\'\n\x1atranslation_prior_increase\x18\x07 \x01(\x02:\x03\x30.2*\x04\x08\x01\x10\x02\x1ay\n\x1bJointTrackEstimationOptions\x12\x1c\n\x11num_motion_models\x18\x01 \x01(\x05:\x01\x33\x12\x19\n\rmotion_stride\x18\x02 \x01(\x05:\x02\x31\x35\x12!\n\x12temporal_smoothing\x18\x03 \x01(\x08:\x05\x66\x61lse\x1a\xca\x03\n\x16LongFeatureBiasOptions\x12\x17\n\x0ctotal_rounds\x18\r \x01(\x05:\x01\x31\x12\x19\n\x0binlier_bias\x18\x01 \x01(\x02:\x04\x30.98\x12\x19\n\x0coutlier_bias\x18\x02 \x01(\x02:\x03\x30.7\x12!\n\x15num_irls_observations\x18\x03 \x01(\x05:\x02\x31\x30\x12!\n\x15max_irls_change_ratio\x18\x04 \x01(\x02:\x02\x31\x30\x12\x1f\n\x12inlier_irls_weight\x18\x05 \x01(\x02:\x03\x30.2\x12\x15\n\nbias_stdev\x18\x0c \x01(\x02:\x01\x31\x12\x1e\n\x10use_spatial_bias\x18\x06 \x01(\x08:\x04true\x12\x17\n\tgrid_size\x18\x07 \x01(\x02:\x04\x30.04\x12\x1b\n\rspatial_sigma\x18\x08 \x01(\x02:\x04\x30.02\x12\x17\n\x0b\x63olor_sigma\x18\t \x01(\x02:\x02\x32\x30\x12 \n\x14long_track_threshold\x18\n \x01(\x05:\x02\x33\x30\x12,\n\x1elong_track_confidence_fraction\x18\x0b \x01(\x02:\x04\x30.25\x12$\n\x15seed_priors_from_bias\x18\x0e \x01(\x08:\x05\x66\x61lse\x1a\xbe\x01\n\x11TranslationBounds\x12\x17\n\x0cmin_features\x18\x01 \x01(\x05:\x01\x33\x12\'\n\x19\x66rac_max_motion_magnitude\x18\x02 \x01(\x02:\x04\x30.15\x12(\n\x1amax_motion_stdev_threshold\x18\x04 \x01(\x02:\x04\x30.01\x12\x1f\n\x10max_motion_stdev\x18\x03 \x01(\x02:\x05\x30.065\x12\x1c\n\x10max_acceleration\x18\x05 \x01(\x02:\x02\x32\x30\x1a\xa6\x02\n\x10SimilarityBounds\x12\x1f\n\x11only_stable_input\x18\x01 \x01(\x08:\x04true\x12 \n\x13min_inlier_fraction\x18\x02 \x01(\x02:\x03\x30.2\x12\x17\n\x0bmin_inliers\x18\x03 \x01(\x02:\x02\x33\x30\x12\x18\n\x0blower_scale\x18\x04 \x01(\x02:\x03\x30.8\x12\x19\n\x0bupper_scale\x18\x05 \x01(\x02:\x04\x31.25\x12\x1c\n\x0elimit_rotation\x18\x06 \x01(\x02:\x04\x30.25\x12\x1b\n\x10inlier_threshold\x18\x07 \x01(\x02:\x01\x34\x12 \n\x15\x66rac_inlier_threshold\x18\x08 \x01(\x02:\x01\x30\x12$\n\x17strict_inlier_threshold\x18\t \x01(\x02:\x03\x30.5\x1a\x9d\x02\n\x10HomographyBounds\x12\x18\n\x0blower_scale\x18\x01 \x01(\x02:\x03\x30.8\x12\x19\n\x0bupper_scale\x18\x02 \x01(\x02:\x04\x31.25\x12\x1c\n\x0elimit_rotation\x18\x03 \x01(\x02:\x04\x30.25\x12!\n\x11limit_perspective\x18\x04 \x01(\x02:\x06\x30.0004\x12#\n\x16registration_threshold\x18\x05 \x01(\x02:\x03\x30.1\x12&\n\x1b\x66rac_registration_threshold\x18\x08 \x01(\x02:\x01\x30\x12 \n\x13min_inlier_coverage\x18\x06 \x01(\x02:\x03\x30.3\x12$\n\x15\x66rac_inlier_threshold\x18\x07 \x01(\x02:\x05\x30.002\x1a\xb0\x01\n\x17MixtureHomographyBounds\x12 \n\x13min_inlier_coverage\x18\x01 \x01(\x02:\x03\x30.4\x12&\n\x1bmax_adjacent_outlier_blocks\x18\x02 \x01(\x05:\x01\x35\x12$\n\x19max_adjacent_empty_blocks\x18\x03 \x01(\x05:\x01\x33\x12%\n\x15\x66rac_inlier_threshold\x18\x07 \x01(\x02:\x06\x30.0025\x1a\x95\x02\n\x17OverlayDetectionOptions\x12\x1e\n\x12\x61nalysis_mask_size\x18\x01 \x01(\x05:\x02\x31\x30\x12$\n\x17strict_near_zero_motion\x18\x02 \x01(\x02:\x03\x30.2\x12)\n\x1cstrict_max_translation_ratio\x18\x03 \x01(\x02:\x03\x30.2\x12$\n\x17strict_min_texturedness\x18\x05 \x01(\x02:\x03\x30.1\x12!\n\x16loose_near_zero_motion\x18\x04 \x01(\x02:\x01\x31\x12\x1e\n\x11overlay_min_ratio\x18\x06 \x01(\x02:\x03\x30.3\x12 \n\x14overlay_min_features\x18\x07 \x01(\x02:\x02\x31\x30\x1ar\n\x13ShotBoundaryOptions\x12*\n\x1cmotion_consistency_threshold\x18\x01 \x01(\x02:\x04\x30.02\x12/\n appearance_consistency_threshold\x18\x02 \x01(\x02:\x05\x30.075\"\x95\x01\n\x1aLinearSimilarityEstimation\x12\x16\n\x12\x45STIMATION_LS_NONE\x10\x00\x12\x14\n\x10\x45STIMATION_LS_L2\x10\x01\x12\x16\n\x12\x45STIMATION_LS_IRLS\x10\x04\x12\x1b\n\x17\x45STIMATION_LS_L2_RANSAC\x10\x02\x12\x14\n\x10\x45STIMATION_LS_L1\x10\x03\"d\n\x10\x41\x66\x66ineEstimation\x12\x1a\n\x16\x45STIMATION_AFFINE_NONE\x10\x00\x12\x18\n\x14\x45STIMATION_AFFINE_L2\x10\x01\x12\x1a\n\x16\x45STIMATION_AFFINE_IRLS\x10\x02\"e\n\x14HomographyEstimation\x12\x19\n\x15\x45STIMATION_HOMOG_NONE\x10\x00\x12\x17\n\x13\x45STIMATION_HOMOG_L2\x10\x01\x12\x19\n\x15\x45STIMATION_HOMOG_IRLS\x10\x02\"x\n\x1bMixtureHomographyEstimation\x12\x1d\n\x19\x45STIMATION_HOMOG_MIX_NONE\x10\x00\x12\x1b\n\x17\x45STIMATION_HOMOG_MIX_L2\x10\x01\x12\x1d\n\x19\x45STIMATION_HOMOG_MIX_IRLS\x10\x02\"}\n\x10\x45stimationPolicy\x12\x18\n\x14INDEPENDENT_PARALLEL\x10\x01\x12\x16\n\x12TEMPORAL_IRLS_MASK\x10\x02\x12\x1e\n\x1aTEMPORAL_LONG_FEATURE_BIAS\x10\x04\x12\x17\n\x13JOINTLY_FROM_TRACKS\x10\x03\"X\n\x10MixtureModelMode\x12\x10\n\x0c\x46ULL_MIXTURE\x10\x00\x12\x17\n\x13TRANSLATION_MIXTURE\x10\x01\x12\x19\n\x15SKEW_ROTATION_MIXTURE\x10\x02\"b\n\x10IRLSWeightFilter\x12\x14\n\x10IRLS_FILTER_NONE\x10\x00\x12\x17\n\x13IRLS_FILTER_TEXTURE\x10\x01\x12\x1f\n\x1bIRLS_FILTER_CORNER_RESPONSE\x10\x02\"\x87\x01\n\"HomographyIrlsWeightInitialization\x12\x1c\n\x18IRLS_WEIGHT_CONSTANT_ONE\x10\x01\x12\x1f\n\x1bIRLS_WEIGHT_CENTER_GAUSSIAN\x10\x02\x12\"\n\x1eIRLS_WEIGHT_PERIMETER_GAUSSIAN\x10\x03*\x04\x08\x07\x10\x08*\x04\x08\x08\x10\t*\x04\x08\x10\x10\x11')
18
+
19
+ _globals = globals()
20
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
21
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.motion_estimation_pb2', _globals)
22
+ if _descriptor._USE_C_DESCRIPTORS == False:
23
+ DESCRIPTOR._options = None
24
+ _globals['_MOTIONESTIMATIONOPTIONS'].fields_by_name['estimate_similarity']._options = None
25
+ _globals['_MOTIONESTIMATIONOPTIONS'].fields_by_name['estimate_similarity']._serialized_options = b'\030\001'
26
+ _globals['_MOTIONESTIMATIONOPTIONS']._serialized_start=63
27
+ _globals['_MOTIONESTIMATIONOPTIONS']._serialized_end=6902
28
+ _globals['_MOTIONESTIMATIONOPTIONS_IRLSOUTLIERINITIALIZATION']._serialized_start=3578
29
+ _globals['_MOTIONESTIMATIONOPTIONS_IRLSOUTLIERINITIALIZATION']._serialized_end=3675
30
+ _globals['_MOTIONESTIMATIONOPTIONS_LONGFEATUREINITIALIZATION']._serialized_start=3677
31
+ _globals['_MOTIONESTIMATIONOPTIONS_LONGFEATUREINITIALIZATION']._serialized_end=3799
32
+ _globals['_MOTIONESTIMATIONOPTIONS_IRLSMASKOPTIONS']._serialized_start=3802
33
+ _globals['_MOTIONESTIMATIONOPTIONS_IRLSMASKOPTIONS']._serialized_end=4013
34
+ _globals['_MOTIONESTIMATIONOPTIONS_JOINTTRACKESTIMATIONOPTIONS']._serialized_start=4015
35
+ _globals['_MOTIONESTIMATIONOPTIONS_JOINTTRACKESTIMATIONOPTIONS']._serialized_end=4136
36
+ _globals['_MOTIONESTIMATIONOPTIONS_LONGFEATUREBIASOPTIONS']._serialized_start=4139
37
+ _globals['_MOTIONESTIMATIONOPTIONS_LONGFEATUREBIASOPTIONS']._serialized_end=4597
38
+ _globals['_MOTIONESTIMATIONOPTIONS_TRANSLATIONBOUNDS']._serialized_start=4600
39
+ _globals['_MOTIONESTIMATIONOPTIONS_TRANSLATIONBOUNDS']._serialized_end=4790
40
+ _globals['_MOTIONESTIMATIONOPTIONS_SIMILARITYBOUNDS']._serialized_start=4793
41
+ _globals['_MOTIONESTIMATIONOPTIONS_SIMILARITYBOUNDS']._serialized_end=5087
42
+ _globals['_MOTIONESTIMATIONOPTIONS_HOMOGRAPHYBOUNDS']._serialized_start=5090
43
+ _globals['_MOTIONESTIMATIONOPTIONS_HOMOGRAPHYBOUNDS']._serialized_end=5375
44
+ _globals['_MOTIONESTIMATIONOPTIONS_MIXTUREHOMOGRAPHYBOUNDS']._serialized_start=5378
45
+ _globals['_MOTIONESTIMATIONOPTIONS_MIXTUREHOMOGRAPHYBOUNDS']._serialized_end=5554
46
+ _globals['_MOTIONESTIMATIONOPTIONS_OVERLAYDETECTIONOPTIONS']._serialized_start=5557
47
+ _globals['_MOTIONESTIMATIONOPTIONS_OVERLAYDETECTIONOPTIONS']._serialized_end=5834
48
+ _globals['_MOTIONESTIMATIONOPTIONS_SHOTBOUNDARYOPTIONS']._serialized_start=5836
49
+ _globals['_MOTIONESTIMATIONOPTIONS_SHOTBOUNDARYOPTIONS']._serialized_end=5950
50
+ _globals['_MOTIONESTIMATIONOPTIONS_LINEARSIMILARITYESTIMATION']._serialized_start=5953
51
+ _globals['_MOTIONESTIMATIONOPTIONS_LINEARSIMILARITYESTIMATION']._serialized_end=6102
52
+ _globals['_MOTIONESTIMATIONOPTIONS_AFFINEESTIMATION']._serialized_start=6104
53
+ _globals['_MOTIONESTIMATIONOPTIONS_AFFINEESTIMATION']._serialized_end=6204
54
+ _globals['_MOTIONESTIMATIONOPTIONS_HOMOGRAPHYESTIMATION']._serialized_start=6206
55
+ _globals['_MOTIONESTIMATIONOPTIONS_HOMOGRAPHYESTIMATION']._serialized_end=6307
56
+ _globals['_MOTIONESTIMATIONOPTIONS_MIXTUREHOMOGRAPHYESTIMATION']._serialized_start=6309
57
+ _globals['_MOTIONESTIMATIONOPTIONS_MIXTUREHOMOGRAPHYESTIMATION']._serialized_end=6429
58
+ _globals['_MOTIONESTIMATIONOPTIONS_ESTIMATIONPOLICY']._serialized_start=6431
59
+ _globals['_MOTIONESTIMATIONOPTIONS_ESTIMATIONPOLICY']._serialized_end=6556
60
+ _globals['_MOTIONESTIMATIONOPTIONS_MIXTUREMODELMODE']._serialized_start=6558
61
+ _globals['_MOTIONESTIMATIONOPTIONS_MIXTUREMODELMODE']._serialized_end=6646
62
+ _globals['_MOTIONESTIMATIONOPTIONS_IRLSWEIGHTFILTER']._serialized_start=6648
63
+ _globals['_MOTIONESTIMATIONOPTIONS_IRLSWEIGHTFILTER']._serialized_end=6746
64
+ _globals['_MOTIONESTIMATIONOPTIONS_HOMOGRAPHYIRLSWEIGHTINITIALIZATION']._serialized_start=6749
65
+ _globals['_MOTIONESTIMATIONOPTIONS_HOMOGRAPHYIRLSWEIGHTINITIALIZATION']._serialized_end=6884
66
+ # @@protoc_insertion_point(module_scope)
@@ -0,0 +1,42 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/motion_models.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+mediapipe/util/tracking/motion_models.proto\x12\tmediapipe\"0\n\x10TranslationModel\x12\r\n\x02\x64x\x18\x01 \x01(\x02:\x01\x30\x12\r\n\x02\x64y\x18\x02 \x01(\x02:\x01\x30\"V\n\x0fSimilarityModel\x12\r\n\x02\x64x\x18\x01 \x01(\x02:\x01\x30\x12\r\n\x02\x64y\x18\x02 \x01(\x02:\x01\x30\x12\x10\n\x05scale\x18\x03 \x01(\x02:\x01\x31\x12\x13\n\x08rotation\x18\x04 \x01(\x02:\x01\x30\"Q\n\x15LinearSimilarityModel\x12\r\n\x02\x64x\x18\x01 \x01(\x02:\x01\x30\x12\r\n\x02\x64y\x18\x02 \x01(\x02:\x01\x30\x12\x0c\n\x01\x61\x18\x03 \x01(\x02:\x01\x31\x12\x0c\n\x01\x62\x18\x04 \x01(\x02:\x01\x30\"c\n\x0b\x41\x66\x66ineModel\x12\r\n\x02\x64x\x18\x01 \x01(\x02:\x01\x30\x12\r\n\x02\x64y\x18\x02 \x01(\x02:\x01\x30\x12\x0c\n\x01\x61\x18\x03 \x01(\x02:\x01\x31\x12\x0c\n\x01\x62\x18\x04 \x01(\x02:\x01\x30\x12\x0c\n\x01\x63\x18\x05 \x01(\x02:\x01\x30\x12\x0c\n\x01\x64\x18\x06 \x01(\x02:\x01\x31\"\x94\x01\n\nHomography\x12\x0f\n\x04h_00\x18\x01 \x01(\x02:\x01\x31\x12\x0f\n\x04h_01\x18\x02 \x01(\x02:\x01\x30\x12\x0f\n\x04h_02\x18\x03 \x01(\x02:\x01\x30\x12\x0f\n\x04h_10\x18\x04 \x01(\x02:\x01\x30\x12\x0f\n\x04h_11\x18\x05 \x01(\x02:\x01\x31\x12\x0f\n\x04h_12\x18\x06 \x01(\x02:\x01\x30\x12\x0f\n\x04h_20\x18\x07 \x01(\x02:\x01\x30\x12\x0f\n\x04h_21\x18\x08 \x01(\x02:\x01\x30\"J\n\x17MixtureLinearSimilarity\x12/\n\x05model\x18\x01 \x03(\x0b\x32 .mediapipe.LinearSimilarityModel\"6\n\rMixtureAffine\x12%\n\x05model\x18\x01 \x03(\x0b\x32\x16.mediapipe.AffineModel\"\xd0\x01\n\x11MixtureHomography\x12$\n\x05model\x18\x01 \x03(\x0b\x32\x15.mediapipe.Homography\x12>\n\x03\x64of\x18\x02 \x01(\x0e\x32(.mediapipe.MixtureHomography.VariableDOF:\x07\x41LL_DOF\"U\n\x0bVariableDOF\x12\x0b\n\x07\x41LL_DOF\x10\x00\x12\x13\n\x0fTRANSLATION_DOF\x10\x01\x12\x15\n\x11SKEW_ROTATION_DOF\x10\x02\x12\r\n\tCONST_DOF\x10\x03')
18
+
19
+ _globals = globals()
20
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
21
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.motion_models_pb2', _globals)
22
+ if _descriptor._USE_C_DESCRIPTORS == False:
23
+ DESCRIPTOR._options = None
24
+ _globals['_TRANSLATIONMODEL']._serialized_start=58
25
+ _globals['_TRANSLATIONMODEL']._serialized_end=106
26
+ _globals['_SIMILARITYMODEL']._serialized_start=108
27
+ _globals['_SIMILARITYMODEL']._serialized_end=194
28
+ _globals['_LINEARSIMILARITYMODEL']._serialized_start=196
29
+ _globals['_LINEARSIMILARITYMODEL']._serialized_end=277
30
+ _globals['_AFFINEMODEL']._serialized_start=279
31
+ _globals['_AFFINEMODEL']._serialized_end=378
32
+ _globals['_HOMOGRAPHY']._serialized_start=381
33
+ _globals['_HOMOGRAPHY']._serialized_end=529
34
+ _globals['_MIXTURELINEARSIMILARITY']._serialized_start=531
35
+ _globals['_MIXTURELINEARSIMILARITY']._serialized_end=605
36
+ _globals['_MIXTUREAFFINE']._serialized_start=607
37
+ _globals['_MIXTUREAFFINE']._serialized_end=661
38
+ _globals['_MIXTUREHOMOGRAPHY']._serialized_start=664
39
+ _globals['_MIXTUREHOMOGRAPHY']._serialized_end=872
40
+ _globals['_MIXTUREHOMOGRAPHY_VARIABLEDOF']._serialized_start=787
41
+ _globals['_MIXTUREHOMOGRAPHY_VARIABLEDOF']._serialized_end=872
42
+ # @@protoc_insertion_point(module_scope)
@@ -0,0 +1,26 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/motion_saliency.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-mediapipe/util/tracking/motion_saliency.proto\x12\tmediapipe\"\xa5\x04\n\x15MotionSaliencyOptions\x12\x17\n\nbound_left\x18\x01 \x01(\x02:\x03\x30.3\x12\x19\n\x0c\x62ound_bottom\x18\x02 \x01(\x02:\x03\x30.3\x12\x18\n\x0b\x62ound_right\x18\x0f \x01(\x02:\x03\x30.3\x12\x16\n\tbound_top\x18\x10 \x01(\x02:\x03\x30.3\x12\x1b\n\x0fsaliency_weight\x18\x03 \x01(\x02:\x02\x32\x30\x12-\n\x1escale_weight_by_flow_magnitude\x18\x08 \x01(\x08:\x05\x66\x61lse\x12\x17\n\x0cmin_features\x18\x04 \x01(\x05:\x01\x35\x12*\n\x1buse_only_foreground_regions\x18\t \x01(\x08:\x05\x66\x61lse\x12 \n\x14min_irls_mode_weight\x18\n \x01(\x02:\x02\x31\x30\x12\x1d\n\x12num_top_irls_modes\x18\x0b \x01(\x05:\x01\x33\x12\x1c\n\x0fmode_band_width\x18\x0c \x01(\x02:\x03\x30.1\x12!\n\x16selection_frame_radius\x18\x05 \x01(\x05:\x01\x35\x12\'\n\x1aselection_support_distance\x18\x06 \x01(\x02:\x03\x30.2\x12$\n\x19selection_minimum_support\x18\x07 \x01(\x05:\x01\x34\x12#\n\x15\x66iltering_sigma_space\x18\r \x01(\x02:\x04\x30.05\x12\x1f\n\x14\x66iltering_sigma_time\x18\x0e \x01(\x02:\x01\x35')
18
+
19
+ _globals = globals()
20
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
21
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.motion_saliency_pb2', _globals)
22
+ if _descriptor._USE_C_DESCRIPTORS == False:
23
+ DESCRIPTOR._options = None
24
+ _globals['_MOTIONSALIENCYOPTIONS']._serialized_start=61
25
+ _globals['_MOTIONSALIENCYOPTIONS']._serialized_end=610
26
+ # @@protoc_insertion_point(module_scope)
@@ -0,0 +1,26 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/push_pull_filtering.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'\n1mediapipe/util/tracking/push_pull_filtering.proto\x12\tmediapipe\"\xc0\x01\n\x0fPushPullOptions\x12\x1b\n\x0f\x62ilateral_sigma\x18\x01 \x01(\x02:\x02\x32\x30\x12!\n\x16pull_propagation_scale\x18\x03 \x01(\x02:\x01\x38\x12!\n\x16push_propagation_scale\x18\x04 \x01(\x02:\x01\x38\x12!\n\x14pull_bilateral_scale\x18\x05 \x01(\x02:\x03\x30.7\x12!\n\x14push_bilateral_scale\x18\x06 \x01(\x02:\x03\x30.9*\x04\x08\x02\x10\x03')
18
+
19
+ _globals = globals()
20
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
21
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.push_pull_filtering_pb2', _globals)
22
+ if _descriptor._USE_C_DESCRIPTORS == False:
23
+ DESCRIPTOR._options = None
24
+ _globals['_PUSHPULLOPTIONS']._serialized_start=65
25
+ _globals['_PUSHPULLOPTIONS']._serialized_end=257
26
+ # @@protoc_insertion_point(module_scope)
@@ -0,0 +1,59 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/region_flow_computation.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.tracking import tone_estimation_pb2 as mediapipe_dot_util_dot_tracking_dot_tone__estimation__pb2
16
+
17
+
18
+ DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n5mediapipe/util/tracking/region_flow_computation.proto\x12\tmediapipe\x1a-mediapipe/util/tracking/tone_estimation.proto\"\xb0\x10\n\x0fTrackingOptions\x12W\n\x1binternal_tracking_direction\x18\x13 \x01(\x0e\x32(.mediapipe.TrackingOptions.FlowDirection:\x08\x42\x41\x43KWARD\x12Q\n\x15output_flow_direction\x18\x14 \x01(\x0e\x32(.mediapipe.TrackingOptions.FlowDirection:\x08\x42\x41\x43KWARD\x12W\n\x0ftracking_policy\x18\x19 \x01(\x0e\x32).mediapipe.TrackingOptions.TrackingPolicy:\x13POLICY_SINGLE_FRAME\x12 \n\x15multi_frames_to_track\x18\x01 \x01(\x05:\x01\x31\x12#\n\x16long_tracks_max_frames\x18\x1a \x01(\x05:\x03\x33\x30\x30\x12\x1a\n\x0cmax_features\x18\x02 \x01(\x05:\x04\x32\x30\x30\x30\x12k\n\x18\x63orner_extraction_method\x18\x1b \x01(\x0e\x32\x31.mediapipe.TrackingOptions.CornerExtractionMethod:\x16\x45XTRACTION_MIN_EIG_VAL\x12T\n\x14min_eig_val_settings\x18\x1c \x01(\x0b\x32\x36.mediapipe.TrackingOptions.MinEigValExtractionSettings\x12L\n\x0fharris_settings\x18\x1d \x01(\x0b\x32\x33.mediapipe.TrackingOptions.HarrisExtractionSettings\x12H\n\rfast_settings\x18\x1f \x01(\x0b\x32\x31.mediapipe.TrackingOptions.FastExtractionSettings\x12 \n\x14tracking_window_size\x18\x04 \x01(\x05:\x02\x31\x30\x12\x1f\n\x13tracking_iterations\x18\x05 \x01(\x05:\x02\x31\x30\x12*\n\x1c\x66ractional_tracking_distance\x18\x06 \x01(\x02:\x04\x30.15\x12)\n\x1a\x61\x64\x61ptive_tracking_distance\x18\x18 \x01(\x08:\x05\x66\x61lse\x12\x1f\n\x14min_feature_distance\x18\x07 \x01(\x02:\x01\x37\x12%\n\x17\x64istance_downscale_sqrt\x18\x15 \x01(\x08:\x04true\x12-\n\x1f\x61\x64\x61ptive_good_features_to_track\x18\x08 \x01(\x08:\x04true\x12*\n\x1c\x61\x64\x61ptive_features_block_size\x18\t \x01(\x02:\x04\x30.26\x12#\n\x18\x61\x64\x61ptive_features_levels\x18\n \x01(\x05:\x01\x31\x12%\n\x1a\x61\x64\x61ptive_extraction_levels\x18\x16 \x01(\x05:\x01\x31\x12\x31\n&adaptive_extraction_levels_lowest_size\x18\x17 \x01(\x05:\x01\x30\x12-\n\x1fsynthetic_zero_motion_grid_step\x18\r \x01(\x02:\x04\x30.04\x12%\n\x16wide_baseline_matching\x18\x0e \x01(\x08:\x05\x66\x61lse\x12!\n\x14ratio_test_threshold\x18\x0f \x01(\x02:\x03\x30.8\x12+\n\x1crefine_wide_baseline_matches\x18\x10 \x01(\x08:\x05\x66\x61lse\x12,\n!reuse_features_max_frame_distance\x18\x11 \x01(\x05:\x01\x30\x12-\n reuse_features_min_survived_frac\x18\x12 \x01(\x02:\x03\x30.7\x12\x63\n\x1aklt_tracker_implementation\x18 \x01(\x0e\x32\x33.mediapipe.TrackingOptions.KltTrackerImplementation:\nKLT_OPENCV\x1ap\n\x1bMinEigValExtractionSettings\x12#\n\x15\x66\x65\x61ture_quality_level\x18\x01 \x01(\x02:\x04\x30.01\x12,\n\x1d\x61\x64\x61ptive_lowest_quality_level\x18\x02 \x01(\x02:\x05\x38\x65-05\x1a\x42\n\x18HarrisExtractionSettings\x12&\n\x15\x66\x65\x61ture_quality_level\x18\x01 \x01(\x02:\x07\x30.00025\x1a/\n\x16\x46\x61stExtractionSettings\x12\x15\n\tthreshold\x18\x01 \x01(\x05:\x02\x31\x30\"=\n\rFlowDirection\x12\x0b\n\x07\x46ORWARD\x10\x01\x12\x0c\n\x08\x42\x41\x43KWARD\x10\x02\x12\x11\n\rCONSECUTIVELY\x10\x03\"Y\n\x0eTrackingPolicy\x12\x17\n\x13POLICY_SINGLE_FRAME\x10\x01\x12\x16\n\x12POLICY_MULTI_FRAME\x10\x02\x12\x16\n\x12POLICY_LONG_TRACKS\x10\x03\"`\n\x16\x43ornerExtractionMethod\x12\x15\n\x11\x45XTRACTION_HARRIS\x10\x01\x12\x1a\n\x16\x45XTRACTION_MIN_EIG_VAL\x10\x02\x12\x13\n\x0f\x45XTRACTION_FAST\x10\x03\";\n\x18KltTrackerImplementation\x12\x0f\n\x0bUNSPECIFIED\x10\x00\x12\x0e\n\nKLT_OPENCV\x10\x01*\x04\x08\x03\x10\x04*\x04\x08\x0b\x10\x0c*\x04\x08\x0c\x10\r*\x04\x08\x1e\x10\x1f\"\xe7\x1c\n\x1cRegionFlowComputationOptions\x12\x34\n\x10tracking_options\x18\x01 \x01(\x0b\x32\x1a.mediapipe.TrackingOptions\x12\x1e\n\x13min_feature_inliers\x18\x02 \x01(\x05:\x01\x33\x12)\n\x1crelative_min_feature_inliers\x18. \x01(\x02:\x03\x30.2\x12\x1b\n\x0epre_blur_sigma\x18! \x01(\x02:\x03\x30.8\x12$\n\x18ransac_rounds_per_region\x18\x03 \x01(\x05:\x02\x31\x35\x12*\n\x1f\x61\x62solute_inlier_error_threshold\x18\x04 \x01(\x02:\x01\x32\x12&\n\x1b\x66rac_inlier_error_threshold\x18\x34 \x01(\x02:\x01\x30\x12,\n\x1frelative_inlier_error_threshold\x18, \x01(\x02:\x03\x30.1\x12\x1a\n\x0ftop_inlier_sets\x18- \x01(\x05:\x01\x32\x12!\n\x12no_estimation_mode\x18( \x01(\x08:\x05\x66\x61lse\x12(\n\x1a\x66\x61st_estimation_block_size\x18\x06 \x01(\x02:\x04\x30.25\x12+\n\x1e\x66\x61st_estimation_min_block_size\x18\x19 \x01(\x05:\x03\x31\x30\x30\x12(\n\x1d\x66\x61st_estimation_overlap_grids\x18\x16 \x01(\x05:\x01\x33\x12*\n\x1dmax_magnitude_threshold_ratio\x18\x17 \x01(\x02:\x03\x30.2\x12\"\n\x17median_magnitude_bounds\x18\x33 \x01(\x02:\x01\x30\x12i\n\x13irls_initialization\x18\x31 \x01(\x0e\x32:.mediapipe.RegionFlowComputationOptions.IrlsInitialization:\x10INIT_CONSISTENCY\x12`\n\x0f\x64ownsample_mode\x18\x0b \x01(\x0e\x32\x36.mediapipe.RegionFlowComputationOptions.DownsampleMode:\x0f\x44OWNSAMPLE_NONE\x12\x1e\n\x11\x64ownsampling_size\x18\x0c \x01(\x05:\x03\x32\x35\x36\x12\x1c\n\x11\x64ownsample_factor\x18\x12 \x01(\x02:\x01\x32\x12&\n\x17round_downsample_factor\x18> \x01(\x08:\x05\x66\x61lse\x12W\n\x13\x64ownsample_schedule\x18\x13 \x01(\x0b\x32:.mediapipe.RegionFlowComputationOptions.DownSampleSchedule\x12#\n\x17min_feature_requirement\x18\r \x01(\x05:\x02\x32\x30\x12\x1f\n\x11min_feature_cover\x18\x0e \x01(\x02:\x04\x30.15\x12!\n\x16min_feature_cover_grid\x18\x14 \x01(\x05:\x01\x38\x12!\n\x12\x63ompute_blur_score\x18\x11 \x01(\x08:\x05\x66\x61lse\x12T\n\x12\x62lur_score_options\x18\x1f \x01(\x0b\x32\x38.mediapipe.RegionFlowComputationOptions.BlurScoreOptions\x12\x64\n\x1avisual_consistency_options\x18\x37 \x01(\x0b\x32@.mediapipe.RegionFlowComputationOptions.VisualConsistencyOptions\x12\"\n\x17patch_descriptor_radius\x18\x15 \x01(\x05:\x01\x33\x12\x1f\n\x14\x64istance_from_border\x18\x32 \x01(\x05:\x01\x33\x12#\n\x15\x63orner_response_scale\x18\x1a \x01(\x02:\x04\x31\x35\x30\x30\x12\x1e\n\x0fverify_features\x18\x1b \x01(\x08:\x05\x66\x61lse\x12\"\n\x15verification_distance\x18\x1c \x01(\x02:\x03\x30.5\x12\"\n\x14verify_long_features\x18\x35 \x01(\x08:\x04true\x12\x31\n#long_feature_verification_threshold\x18\x36 \x01(\x02:\x04\x30.04\x12(\n\x1dmax_long_feature_acceleration\x18\x38 \x01(\x02:\x01\x35\x12/\n verify_long_feature_acceleration\x18? \x01(\x08:\x05\x66\x61lse\x12,\n!verify_long_feature_trigger_ratio\x18@ \x01(\x02:\x01\x30\x12%\n\x16histogram_equalization\x18\x39 \x01(\x08:\x05\x66\x61lse\x12:\n+use_synthetic_zero_motion_tracks_all_frames\x18\" \x01(\x08:\x05\x66\x61lse\x12;\n,use_synthetic_zero_motion_tracks_first_frame\x18# \x01(\x08:\x05\x66\x61lse\x12\x1e\n\x0fgain_correction\x18$ \x01(\x08:\x05\x66\x61lse\x12#\n\x14\x66\x61st_gain_correction\x18= \x01(\x08:\x05\x66\x61lse\x12\x31\n#gain_correction_multiple_hypotheses\x18/ \x01(\x08:\x04true\x12\x34\n\'gain_correction_inlier_improvement_frac\x18\x30 \x01(\x02:\x03\x30.1\x12/\n gain_correction_bright_reference\x18; \x01(\x08:\x05\x66\x61lse\x12+\n gain_correction_triggering_ratio\x18< \x01(\x02:\x01\x30\x12#\n\x16\x66rac_gain_feature_size\x18% \x01(\x02:\x03\x30.3\x12\x1b\n\x0e\x66rac_gain_step\x18& \x01(\x02:\x03\x30.1\x12m\n\x11gain_correct_mode\x18) \x01(\x0e\x32\x37.mediapipe.RegionFlowComputationOptions.GainCorrectMode:\x19GAIN_CORRECT_DEFAULT_USER\x12I\n\x10gain_bias_bounds\x18\' \x01(\x0b\x32/.mediapipe.ToneEstimationOptions.GainBiasBounds\x12U\n\x0cimage_format\x18: \x01(\x0e\x32\x33.mediapipe.RegionFlowComputationOptions.ImageFormat:\nFORMAT_RGB\x12g\n\x19\x64\x65scriptor_extractor_type\x18\x41 \x01(\x0e\x32?.mediapipe.RegionFlowComputationOptions.DescriptorExtractorType:\x03ORB\x12+\n\x1d\x63ompute_derivative_in_pyramid\x18\x42 \x01(\x08:\x04true\x1a\xa1\x01\n\x12\x44ownSampleSchedule\x12!\n\x16\x64ownsample_factor_360p\x18\x01 \x01(\x02:\x01\x31\x12!\n\x16\x64ownsample_factor_480p\x18\x02 \x01(\x02:\x01\x31\x12!\n\x16\x64ownsample_factor_720p\x18\x03 \x01(\x02:\x01\x32\x12\"\n\x17\x64ownsample_factor_1080p\x18\x04 \x01(\x02:\x01\x32\x1a\xab\x01\n\x10\x42lurScoreOptions\x12\x1a\n\x0f\x62ox_filter_diam\x18\x01 \x01(\x05:\x01\x33\x12+\n\x1drelative_cornerness_threshold\x18\x02 \x01(\x02:\x04\x30.03\x12-\n\x1d\x61\x62solute_cornerness_threshold\x18\x03 \x01(\x02:\x06\x30.0001\x12\x1f\n\x11median_percentile\x18\x05 \x01(\x02:\x04\x30.85\x1a_\n\x18VisualConsistencyOptions\x12!\n\x13\x63ompute_consistency\x18\x01 \x01(\x08:\x04true\x12 \n\x14tiny_image_dimension\x18\x02 \x01(\x05:\x02\x32\x30\"<\n\x12IrlsInitialization\x12\x10\n\x0cINIT_UNIFORM\x10\x01\x12\x14\n\x10INIT_CONSISTENCY\x10\x02\"\xb1\x01\n\x0e\x44ownsampleMode\x12\x13\n\x0f\x44OWNSAMPLE_NONE\x10\x01\x12\x1a\n\x16\x44OWNSAMPLE_TO_MAX_SIZE\x10\x02\x12\x18\n\x14\x44OWNSAMPLE_BY_FACTOR\x10\x03\x12\x1a\n\x16\x44OWNSAMPLE_BY_SCHEDULE\x10\x04\x12\x1a\n\x16\x44OWNSAMPLE_TO_MIN_SIZE\x10\x05\x12\x1c\n\x18\x44OWNSAMPLE_TO_INPUT_SIZE\x10\x06\"|\n\x0fGainCorrectMode\x12\x1d\n\x19GAIN_CORRECT_DEFAULT_USER\x10\x01\x12\x16\n\x12GAIN_CORRECT_VIDEO\x10\x02\x12\x14\n\x10GAIN_CORRECT_HDR\x10\x03\x12\x1c\n\x18GAIN_CORRECT_PHOTO_BURST\x10\x04\"e\n\x0bImageFormat\x12\x14\n\x10\x46ORMAT_GRAYSCALE\x10\x01\x12\x0e\n\nFORMAT_RGB\x10\x02\x12\x0f\n\x0b\x46ORMAT_RGBA\x10\x03\x12\x0e\n\nFORMAT_BGR\x10\x04\x12\x0f\n\x0b\x46ORMAT_BGRA\x10\x05\"\"\n\x17\x44\x65scriptorExtractorType\x12\x07\n\x03ORB\x10\x00*\x04\x08\x05\x10\x06*\x04\x08\x07\x10\x08*\x04\x08\x08\x10\t*\x04\x08\t\x10\n*\x04\x08\n\x10\x0b*\x04\x08\x0f\x10\x10*\x04\x08\x10\x10\x11*\x04\x08\x18\x10\x19*\x04\x08\x1d\x10\x1e*\x04\x08\x1e\x10\x1f*\x04\x08 \x10!*\x04\x08*\x10+*\x04\x08+\x10,')
19
+
20
+ _globals = globals()
21
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
22
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.region_flow_computation_pb2', _globals)
23
+ if _descriptor._USE_C_DESCRIPTORS == False:
24
+ DESCRIPTOR._options = None
25
+ _globals['_TRACKINGOPTIONS']._serialized_start=116
26
+ _globals['_TRACKINGOPTIONS']._serialized_end=2212
27
+ _globals['_TRACKINGOPTIONS_MINEIGVALEXTRACTIONSETTINGS']._serialized_start=1646
28
+ _globals['_TRACKINGOPTIONS_MINEIGVALEXTRACTIONSETTINGS']._serialized_end=1758
29
+ _globals['_TRACKINGOPTIONS_HARRISEXTRACTIONSETTINGS']._serialized_start=1760
30
+ _globals['_TRACKINGOPTIONS_HARRISEXTRACTIONSETTINGS']._serialized_end=1826
31
+ _globals['_TRACKINGOPTIONS_FASTEXTRACTIONSETTINGS']._serialized_start=1828
32
+ _globals['_TRACKINGOPTIONS_FASTEXTRACTIONSETTINGS']._serialized_end=1875
33
+ _globals['_TRACKINGOPTIONS_FLOWDIRECTION']._serialized_start=1877
34
+ _globals['_TRACKINGOPTIONS_FLOWDIRECTION']._serialized_end=1938
35
+ _globals['_TRACKINGOPTIONS_TRACKINGPOLICY']._serialized_start=1940
36
+ _globals['_TRACKINGOPTIONS_TRACKINGPOLICY']._serialized_end=2029
37
+ _globals['_TRACKINGOPTIONS_CORNEREXTRACTIONMETHOD']._serialized_start=2031
38
+ _globals['_TRACKINGOPTIONS_CORNEREXTRACTIONMETHOD']._serialized_end=2127
39
+ _globals['_TRACKINGOPTIONS_KLTTRACKERIMPLEMENTATION']._serialized_start=2129
40
+ _globals['_TRACKINGOPTIONS_KLTTRACKERIMPLEMENTATION']._serialized_end=2188
41
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS']._serialized_start=2215
42
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS']._serialized_end=5902
43
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_DOWNSAMPLESCHEDULE']._serialized_start=4885
44
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_DOWNSAMPLESCHEDULE']._serialized_end=5046
45
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_BLURSCOREOPTIONS']._serialized_start=5049
46
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_BLURSCOREOPTIONS']._serialized_end=5220
47
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_VISUALCONSISTENCYOPTIONS']._serialized_start=5222
48
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_VISUALCONSISTENCYOPTIONS']._serialized_end=5317
49
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_IRLSINITIALIZATION']._serialized_start=5319
50
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_IRLSINITIALIZATION']._serialized_end=5379
51
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_DOWNSAMPLEMODE']._serialized_start=5382
52
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_DOWNSAMPLEMODE']._serialized_end=5559
53
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_GAINCORRECTMODE']._serialized_start=5561
54
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_GAINCORRECTMODE']._serialized_end=5685
55
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_IMAGEFORMAT']._serialized_start=5687
56
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_IMAGEFORMAT']._serialized_end=5788
57
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_DESCRIPTOREXTRACTORTYPE']._serialized_start=5790
58
+ _globals['_REGIONFLOWCOMPUTATIONOPTIONS_DESCRIPTOREXTRACTORTYPE']._serialized_end=5824
59
+ # @@protoc_insertion_point(module_scope)
@@ -0,0 +1,49 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/region_flow.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)mediapipe/util/tracking/region_flow.proto\x12\tmediapipe\"\x1f\n\x0fPatchDescriptor\x12\x0c\n\x04\x64\x61ta\x18\x01 \x03(\x02\"\'\n\x17\x42inaryFeatureDescriptor\x12\x0c\n\x04\x64\x61ta\x18\x01 \x01(\x0c\"D\n\x15TemporalIRLSSmoothing\x12\x15\n\nweight_sum\x18\x01 \x01(\x02:\x01\x30\x12\x14\n\tvalue_sum\x18\x02 \x01(\x02:\x01\x30\"\x99\x04\n\x11RegionFlowFeature\x12\x0c\n\x01x\x18\x01 \x01(\x02:\x01\x30\x12\x0c\n\x01y\x18\x02 \x01(\x02:\x01\x30\x12\r\n\x02\x64x\x18\x03 \x01(\x02:\x01\x30\x12\r\n\x02\x64y\x18\x04 \x01(\x02:\x01\x30\x12\x14\n\x08track_id\x18\r \x01(\x05:\x02-1\x12\x19\n\x0etracking_error\x18\x05 \x01(\x02:\x01\x30\x12\x16\n\x0birls_weight\x18\x06 \x01(\x02:\x01\x31\x12\x1a\n\x0f\x63orner_response\x18\x0b \x01(\x02:\x01\x30\x12\x36\n\x12\x66\x65\x61ture_descriptor\x18\x07 \x01(\x0b\x32\x1a.mediapipe.PatchDescriptor\x12<\n\x18\x66\x65\x61ture_match_descriptor\x18\x08 \x01(\x0b\x32\x1a.mediapipe.PatchDescriptor\x12\x37\n\rinternal_irls\x18\n \x01(\x0b\x32 .mediapipe.TemporalIRLSSmoothing\x12\r\n\x05label\x18\x0e \x01(\t\x12\r\n\x05\x66lags\x18\x0f \x01(\x05\x12\x12\n\nfeature_id\x18\x10 \x01(\x05\x12\x11\n\x06octave\x18\x11 \x01(\x05:\x01\x30\x12\x45\n\x19\x62inary_feature_descriptor\x18\x12 \x01(\x0b\x32\".mediapipe.BinaryFeatureDescriptor\"\x1e\n\x05\x46lags\x12\x15\n\x11\x46LAG_BROKEN_TRACK\x10\x01*\x04\x08\t\x10\n*\x04\x08\x0c\x10\r\"\xbd\x04\n\x0fRegionFlowFrame\x12:\n\x0bregion_flow\x18\x01 \x03(\x0b\x32%.mediapipe.RegionFlowFrame.RegionFlow\x12\x1d\n\x12num_total_features\x18\x02 \x01(\x05:\x01\x30\x12\x1d\n\x0eunstable_frame\x18\x04 \x01(\x08:\x05\x66\x61lse\x12\x12\n\nblur_score\x18\x07 \x01(\x02\x12\x13\n\x0b\x66rame_width\x18\x08 \x01(\x05\x12\x14\n\x0c\x66rame_height\x18\t \x01(\x05\x12\x44\n\x10\x62lock_descriptor\x18\n \x01(\x0b\x32*.mediapipe.RegionFlowFrame.BlockDescriptor\x1a\xa8\x01\n\nRegionFlow\x12\x11\n\tregion_id\x18\x01 \x02(\x05\x12\x15\n\ncentroid_x\x18\x02 \x01(\x02:\x01\x30\x12\x15\n\ncentroid_y\x18\x03 \x01(\x02:\x01\x30\x12\x11\n\x06\x66low_x\x18\x04 \x01(\x02:\x01\x30\x12\x11\n\x06\x66low_y\x18\x05 \x01(\x02:\x01\x30\x12-\n\x07\x66\x65\x61ture\x18\x07 \x03(\x0b\x32\x1c.mediapipe.RegionFlowFeature*\x04\x08\x06\x10\x07\x1an\n\x0f\x42lockDescriptor\x12\x13\n\x0b\x62lock_width\x18\x01 \x01(\x05\x12\x14\n\x0c\x62lock_height\x18\x02 \x01(\x05\x12\x17\n\x0cnum_blocks_x\x18\x03 \x01(\x05:\x01\x30\x12\x17\n\x0cnum_blocks_y\x18\x04 \x01(\x05:\x01\x30*\x04\x08\x03\x10\x04*\x04\x08\x05\x10\x06*\x04\x08\x06\x10\x07\"\x9c\x03\n\x15RegionFlowFeatureList\x12-\n\x07\x66\x65\x61ture\x18\x01 \x03(\x0b\x32\x1c.mediapipe.RegionFlowFeature\x12\x13\n\x0b\x66rame_width\x18\x02 \x01(\x05\x12\x14\n\x0c\x66rame_height\x18\x03 \x01(\x05\x12\x17\n\x08unstable\x18\x04 \x01(\x08:\x05\x66\x61lse\x12\x1f\n\x14\x64istance_from_border\x18\x05 \x01(\x05:\x01\x30\x12\x12\n\nblur_score\x18\x06 \x01(\x02\x12\x1a\n\x0blong_tracks\x18\x07 \x01(\x08:\x05\x66\x61lse\x12&\n\x1b\x66rac_long_features_rejected\x18\x08 \x01(\x02:\x01\x30\x12\x1e\n\x12visual_consistency\x18\t \x01(\x02:\x02-1\x12\x19\n\x0etimestamp_usec\x18\n \x01(\x03:\x01\x30\x12\x16\n\x0bmatch_frame\x18\x0b \x01(\x05:\x01\x30\x12\x1c\n\ris_duplicated\x18\x0c \x01(\x08:\x05\x66\x61lse\x12&\n\x1e\x61\x63tively_discarded_tracked_ids\x18\r \x03(\x05\"\x80\x03\n\x0cSalientPoint\x12\x17\n\x0cnorm_point_x\x18\x01 \x01(\x02:\x01\x30\x12\x17\n\x0cnorm_point_y\x18\x02 \x01(\x02:\x01\x30\x12\x44\n\x04type\x18\x0b \x01(\x0e\x32(.mediapipe.SalientPoint.SalientPointType:\x0cTYPE_INCLUDE\x12\x11\n\x04left\x18\x03 \x01(\x02:\x03\x30.3\x12\x13\n\x06\x62ottom\x18\x04 \x01(\x02:\x03\x30.3\x12\x12\n\x05right\x18\t \x01(\x02:\x03\x30.3\x12\x10\n\x03top\x18\n \x01(\x02:\x03\x30.3\x12\x12\n\x06weight\x18\x05 \x01(\x02:\x02\x31\x35\x12\x12\n\nnorm_major\x18\x06 \x01(\x02\x12\x12\n\nnorm_minor\x18\x07 \x01(\x02\x12\r\n\x05\x61ngle\x18\x08 \x01(\x02\"S\n\x10SalientPointType\x12\x10\n\x0cTYPE_INCLUDE\x10\x01\x12\x15\n\x11TYPE_EXCLUDE_LEFT\x10\x02\x12\x16\n\x12TYPE_EXCLUDE_RIGHT\x10\x03*\n\x08\xa0\x9c\x01\x10\x80\x80\x80\x80\x02\"G\n\x11SalientPointFrame\x12&\n\x05point\x18\x01 \x03(\x0b\x32\x17.mediapipe.SalientPoint*\n\x08\xa0\x9c\x01\x10\x80\x80\x80\x80\x02\x42!\n\x1d\x63om.google.mediapipe.trackingP\x01')
18
+
19
+ _globals = globals()
20
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
21
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.region_flow_pb2', _globals)
22
+ if _descriptor._USE_C_DESCRIPTORS == False:
23
+ _globals['DESCRIPTOR']._options = None
24
+ _globals['DESCRIPTOR']._serialized_options = b'\n\035com.google.mediapipe.trackingP\001'
25
+ _globals['_PATCHDESCRIPTOR']._serialized_start=56
26
+ _globals['_PATCHDESCRIPTOR']._serialized_end=87
27
+ _globals['_BINARYFEATUREDESCRIPTOR']._serialized_start=89
28
+ _globals['_BINARYFEATUREDESCRIPTOR']._serialized_end=128
29
+ _globals['_TEMPORALIRLSSMOOTHING']._serialized_start=130
30
+ _globals['_TEMPORALIRLSSMOOTHING']._serialized_end=198
31
+ _globals['_REGIONFLOWFEATURE']._serialized_start=201
32
+ _globals['_REGIONFLOWFEATURE']._serialized_end=738
33
+ _globals['_REGIONFLOWFEATURE_FLAGS']._serialized_start=696
34
+ _globals['_REGIONFLOWFEATURE_FLAGS']._serialized_end=726
35
+ _globals['_REGIONFLOWFRAME']._serialized_start=741
36
+ _globals['_REGIONFLOWFRAME']._serialized_end=1314
37
+ _globals['_REGIONFLOWFRAME_REGIONFLOW']._serialized_start=1016
38
+ _globals['_REGIONFLOWFRAME_REGIONFLOW']._serialized_end=1184
39
+ _globals['_REGIONFLOWFRAME_BLOCKDESCRIPTOR']._serialized_start=1186
40
+ _globals['_REGIONFLOWFRAME_BLOCKDESCRIPTOR']._serialized_end=1296
41
+ _globals['_REGIONFLOWFEATURELIST']._serialized_start=1317
42
+ _globals['_REGIONFLOWFEATURELIST']._serialized_end=1729
43
+ _globals['_SALIENTPOINT']._serialized_start=1732
44
+ _globals['_SALIENTPOINT']._serialized_end=2116
45
+ _globals['_SALIENTPOINT_SALIENTPOINTTYPE']._serialized_start=2021
46
+ _globals['_SALIENTPOINT_SALIENTPOINTTYPE']._serialized_end=2104
47
+ _globals['_SALIENTPOINTFRAME']._serialized_start=2118
48
+ _globals['_SALIENTPOINTFRAME']._serialized_end=2189
49
+ # @@protoc_insertion_point(module_scope)
@@ -0,0 +1,45 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/tone_estimation.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.tracking import tone_models_pb2 as mediapipe_dot_util_dot_tracking_dot_tone__models__pb2
16
+
17
+
18
+ DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n-mediapipe/util/tracking/tone_estimation.proto\x12\tmediapipe\x1a)mediapipe/util/tracking/tone_models.proto\"\x97\x05\n\nToneChange\x12+\n\tgain_bias\x18\x01 \x01(\x0b\x32\x18.mediapipe.GainBiasModel\x12*\n\x06\x61\x66\x66ine\x18\x02 \x01(\x0b\x32\x1a.mediapipe.AffineToneModel\x12:\n\x11mixture_gain_bias\x18\x03 \x01(\x0b\x32\x1f.mediapipe.MixtureGainBiasModel\x12\x39\n\x0emixture_affine\x18\x04 \x01(\x0b\x32!.mediapipe.MixtureAffineToneModel\x12\x1c\n\x14mixture_domain_sigma\x18\x05 \x01(\x02\x12\x17\n\x0c\x66rac_clipped\x18\x06 \x01(\x02:\x01\x30\x12\x16\n\x0elow_percentile\x18\x08 \x01(\x02\x12\x1a\n\x12low_mid_percentile\x18\t \x01(\x02\x12\x16\n\x0emid_percentile\x18\n \x01(\x02\x12\x1b\n\x13high_mid_percentile\x18\x0b \x01(\x02\x12\x17\n\x0fhigh_percentile\x18\x0c \x01(\x02\x12\x19\n\nlog_domain\x18\r \x01(\x08:\x05\x66\x61lse\x12/\n\x04type\x18\x0e \x01(\x0e\x32\x1a.mediapipe.ToneChange.Type:\x05VALID\x12=\n\x0fstability_stats\x18\x0f \x01(\x0b\x32$.mediapipe.ToneChange.StabilityStats\x1aU\n\x0eStabilityStats\x12\x13\n\x0bnum_inliers\x18\x01 \x01(\x05\x12\x17\n\x0finlier_fraction\x18\x02 \x01(\x02\x12\x15\n\rinlier_weight\x18\x03 \x01(\x01\"\x1e\n\x04Type\x12\t\n\x05VALID\x10\x00\x12\x0b\n\x07INVALID\x10\n\"\xd2\x01\n\x10ToneMatchOptions\x12\"\n\x14min_match_percentile\x18\x01 \x01(\x02:\x04\x30.01\x12\"\n\x14max_match_percentile\x18\x02 \x01(\x02:\x04\x30.99\x12\"\n\x16match_percentile_steps\x18\x03 \x01(\x05:\x02\x31\x30\x12\x18\n\x0cpatch_radius\x18\x04 \x01(\x05:\x02\x31\x38\x12\x1d\n\x10max_frac_clipped\x18\x05 \x01(\x02:\x03\x30.4\x12\x19\n\nlog_domain\x18\x08 \x01(\x08:\x05\x66\x61lse\"\x89\x01\n\x0f\x43lipMaskOptions\x12\x1a\n\x0cmin_exposure\x18\x01 \x01(\x02:\x04\x30.02\x12\x1a\n\x0cmax_exposure\x18\x02 \x01(\x02:\x04\x30.98\x12\x1f\n\x14max_clipped_channels\x18\x04 \x01(\x05:\x01\x31\x12\x1d\n\x12\x63lip_mask_diameter\x18\x05 \x01(\x05:\x01\x35\"\x81\x07\n\x15ToneEstimationOptions\x12\x37\n\x12tone_match_options\x18\x01 \x01(\x0b\x32\x1b.mediapipe.ToneMatchOptions\x12\x35\n\x11\x63lip_mask_options\x18\x02 \x01(\x0b\x32\x1a.mediapipe.ClipMaskOptions\x12\"\n\x14stats_low_percentile\x18\x03 \x01(\x02:\x04\x30.05\x12%\n\x18stats_low_mid_percentile\x18\x04 \x01(\x02:\x03\x30.2\x12!\n\x14stats_mid_percentile\x18\x05 \x01(\x02:\x03\x30.5\x12&\n\x19stats_high_mid_percentile\x18\x06 \x01(\x02:\x03\x30.8\x12#\n\x15stats_high_percentile\x18\x07 \x01(\x02:\x04\x30.95\x12\x1b\n\x0firls_iterations\x18\x08 \x01(\x05:\x02\x31\x30\x12P\n\x17stable_gain_bias_bounds\x18\t \x01(\x0b\x32/.mediapipe.ToneEstimationOptions.GainBiasBounds\x12Y\n\x0f\x64ownsample_mode\x18\n \x01(\x0e\x32/.mediapipe.ToneEstimationOptions.DownsampleMode:\x0f\x44OWNSAMPLE_NONE\x12\x1e\n\x11\x64ownsampling_size\x18\x0b \x01(\x05:\x03\x32\x35\x36\x12\x1c\n\x11\x64ownsample_factor\x18\x0c \x01(\x02:\x01\x32\x1a\xbb\x01\n\x0eGainBiasBounds\x12!\n\x13min_inlier_fraction\x18\x01 \x01(\x02:\x04\x30.75\x12\x1e\n\x11min_inlier_weight\x18\x02 \x01(\x02:\x03\x30.5\x12\x18\n\nlower_gain\x18\x03 \x01(\x02:\x04\x30.75\x12\x19\n\nupper_gain\x18\x04 \x01(\x02:\x05\x31.334\x12\x18\n\nlower_bias\x18\x05 \x01(\x02:\x04-0.2\x12\x17\n\nupper_bias\x18\x06 \x01(\x02:\x03\x30.2\"w\n\x0e\x44ownsampleMode\x12\x13\n\x0f\x44OWNSAMPLE_NONE\x10\x01\x12\x1a\n\x16\x44OWNSAMPLE_TO_MAX_SIZE\x10\x02\x12\x18\n\x14\x44OWNSAMPLE_BY_FACTOR\x10\x03\x12\x1a\n\x16\x44OWNSAMPLE_TO_MIN_SIZE\x10\x04\"/\n\tToneMatch\x12\x10\n\x08\x63urr_val\x18\x01 \x01(\x02\x12\x10\n\x08prev_val\x18\x02 \x01(\x02\"R\n\x0ePatchToneMatch\x12(\n\ntone_match\x18\x01 \x03(\x0b\x32\x14.mediapipe.ToneMatch\x12\x16\n\x0birls_weight\x18\x02 \x01(\x02:\x01\x31')
19
+
20
+ _globals = globals()
21
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
22
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.tone_estimation_pb2', _globals)
23
+ if _descriptor._USE_C_DESCRIPTORS == False:
24
+ DESCRIPTOR._options = None
25
+ _globals['_TONECHANGE']._serialized_start=104
26
+ _globals['_TONECHANGE']._serialized_end=767
27
+ _globals['_TONECHANGE_STABILITYSTATS']._serialized_start=650
28
+ _globals['_TONECHANGE_STABILITYSTATS']._serialized_end=735
29
+ _globals['_TONECHANGE_TYPE']._serialized_start=737
30
+ _globals['_TONECHANGE_TYPE']._serialized_end=767
31
+ _globals['_TONEMATCHOPTIONS']._serialized_start=770
32
+ _globals['_TONEMATCHOPTIONS']._serialized_end=980
33
+ _globals['_CLIPMASKOPTIONS']._serialized_start=983
34
+ _globals['_CLIPMASKOPTIONS']._serialized_end=1120
35
+ _globals['_TONEESTIMATIONOPTIONS']._serialized_start=1123
36
+ _globals['_TONEESTIMATIONOPTIONS']._serialized_end=2020
37
+ _globals['_TONEESTIMATIONOPTIONS_GAINBIASBOUNDS']._serialized_start=1712
38
+ _globals['_TONEESTIMATIONOPTIONS_GAINBIASBOUNDS']._serialized_end=1899
39
+ _globals['_TONEESTIMATIONOPTIONS_DOWNSAMPLEMODE']._serialized_start=1901
40
+ _globals['_TONEESTIMATIONOPTIONS_DOWNSAMPLEMODE']._serialized_end=2020
41
+ _globals['_TONEMATCH']._serialized_start=2022
42
+ _globals['_TONEMATCH']._serialized_end=2069
43
+ _globals['_PATCHTONEMATCH']._serialized_start=2071
44
+ _globals['_PATCHTONEMATCH']._serialized_end=2153
45
+ # @@protoc_insertion_point(module_scope)
@@ -0,0 +1,32 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/tone_models.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)mediapipe/util/tracking/tone_models.proto\x12\tmediapipe\"\x87\x01\n\rGainBiasModel\x12\x12\n\x07gain_c1\x18\x01 \x01(\x02:\x01\x31\x12\x12\n\x07\x62ias_c1\x18\x02 \x01(\x02:\x01\x30\x12\x12\n\x07gain_c2\x18\x03 \x01(\x02:\x01\x31\x12\x12\n\x07\x62ias_c2\x18\x04 \x01(\x02:\x01\x30\x12\x12\n\x07gain_c3\x18\x05 \x01(\x02:\x01\x31\x12\x12\n\x07\x62ias_c3\x18\x06 \x01(\x02:\x01\x30\"?\n\x14MixtureGainBiasModel\x12\'\n\x05model\x18\x01 \x03(\x0b\x32\x18.mediapipe.GainBiasModel\"\xdd\x01\n\x0f\x41\x66\x66ineToneModel\x12\x0f\n\x04g_00\x18\x01 \x01(\x02:\x01\x31\x12\x0f\n\x04g_01\x18\x02 \x01(\x02:\x01\x30\x12\x0f\n\x04g_02\x18\x03 \x01(\x02:\x01\x30\x12\x0f\n\x04g_03\x18\x04 \x01(\x02:\x01\x30\x12\x0f\n\x04g_10\x18\x05 \x01(\x02:\x01\x30\x12\x0f\n\x04g_11\x18\x06 \x01(\x02:\x01\x31\x12\x0f\n\x04g_12\x18\x07 \x01(\x02:\x01\x30\x12\x0f\n\x04g_13\x18\x08 \x01(\x02:\x01\x30\x12\x0f\n\x04g_20\x18\t \x01(\x02:\x01\x30\x12\x0f\n\x04g_21\x18\n \x01(\x02:\x01\x30\x12\x0f\n\x04g_22\x18\x0b \x01(\x02:\x01\x31\x12\x0f\n\x04g_23\x18\x0c \x01(\x02:\x01\x30\"C\n\x16MixtureAffineToneModel\x12)\n\x05model\x18\x01 \x03(\x0b\x32\x1a.mediapipe.AffineToneModel')
18
+
19
+ _globals = globals()
20
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
21
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.tone_models_pb2', _globals)
22
+ if _descriptor._USE_C_DESCRIPTORS == False:
23
+ DESCRIPTOR._options = None
24
+ _globals['_GAINBIASMODEL']._serialized_start=57
25
+ _globals['_GAINBIASMODEL']._serialized_end=192
26
+ _globals['_MIXTUREGAINBIASMODEL']._serialized_start=194
27
+ _globals['_MIXTUREGAINBIASMODEL']._serialized_end=257
28
+ _globals['_AFFINETONEMODEL']._serialized_start=260
29
+ _globals['_AFFINETONEMODEL']._serialized_end=481
30
+ _globals['_MIXTUREAFFINETONEMODEL']._serialized_start=483
31
+ _globals['_MIXTUREAFFINETONEMODEL']._serialized_end=550
32
+ # @@protoc_insertion_point(module_scope)
@@ -0,0 +1,26 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/tracked_detection_manager_config.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>mediapipe/util/tracking/tracked_detection_manager_config.proto\x12\tmediapipe\"~\n\x1dTrackedDetectionManagerConfig\x12+\n is_same_detection_max_area_ratio\x18\x01 \x01(\x02:\x01\x33\x12\x30\n#is_same_detection_min_overlap_ratio\x18\x02 \x01(\x02:\x03\x30.5')
18
+
19
+ _globals = globals()
20
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
21
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.tracked_detection_manager_config_pb2', _globals)
22
+ if _descriptor._USE_C_DESCRIPTORS == False:
23
+ DESCRIPTOR._options = None
24
+ _globals['_TRACKEDDETECTIONMANAGERCONFIG']._serialized_start=77
25
+ _globals['_TRACKEDDETECTIONMANAGERCONFIG']._serialized_end=203
26
+ # @@protoc_insertion_point(module_scope)
@@ -0,0 +1,73 @@
1
+ # -*- coding: utf-8 -*-
2
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
3
+ # source: mediapipe/util/tracking/tracking.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.tracking import motion_models_pb2 as mediapipe_dot_util_dot_tracking_dot_motion__models__pb2
16
+
17
+
18
+ DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n&mediapipe/util/tracking/tracking.proto\x12\tmediapipe\x1a+mediapipe/util/tracking/motion_models.proto\"\xe5\x08\n\x0eMotionBoxState\x12\r\n\x05pos_x\x18\x01 \x01(\x02\x12\r\n\x05pos_y\x18\x02 \x01(\x02\x12\r\n\x05width\x18\x03 \x01(\x02\x12\x0e\n\x06height\x18\x04 \x01(\x02\x12\x10\n\x05scale\x18\x05 \x01(\x02:\x01\x31\x12\x13\n\x08rotation\x18\x1e \x01(\x02:\x01\x30\x12,\n\x04quad\x18\" \x01(\x0b\x32\x1e.mediapipe.MotionBoxState.Quad\x12\x14\n\x0c\x61spect_ratio\x18# \x01(\x02\x12\x1f\n\x10request_grouping\x18% \x01(\x08:\x05\x66\x61lse\x12-\n\x0epnp_homography\x18$ \x01(\x0b\x32\x15.mediapipe.Homography\x12\n\n\x02\x64x\x18\x07 \x01(\x02\x12\n\n\x02\x64y\x18\x08 \x01(\x02\x12\x16\n\x0ekinetic_energy\x18\x11 \x01(\x02\x12\x14\n\x0cprior_weight\x18\t \x01(\x02\x12J\n\x0ctrack_status\x18\n \x01(\x0e\x32%.mediapipe.MotionBoxState.TrackStatus:\rBOX_UNTRACKED\x12#\n\x17spatial_prior_grid_size\x18\x0b \x01(\x05:\x02\x31\x30\x12\x19\n\rspatial_prior\x18\x0c \x03(\x02\x42\x02\x10\x01\x12\x1e\n\x12spatial_confidence\x18\r \x03(\x02\x42\x02\x10\x01\x12\x12\n\nprior_diff\x18\x0e \x01(\x02\x12\x18\n\x10motion_disparity\x18\x0f \x01(\x02\x12!\n\x19\x62\x61\x63kground_discrimination\x18\x10 \x01(\x02\x12\x17\n\x0finlier_center_x\x18\x12 \x01(\x02\x12\x17\n\x0finlier_center_y\x18\x13 \x01(\x02\x12\x12\n\ninlier_sum\x18\x18 \x01(\x02\x12\x14\n\x0cinlier_ratio\x18\x19 \x01(\x02\x12\x14\n\x0cinlier_width\x18\x16 \x01(\x02\x12\x15\n\rinlier_height\x18\x17 \x01(\x02\x12\x16\n\ninlier_ids\x18\x1a \x03(\rB\x02\x10\x01\x12\x1f\n\x13inlier_id_match_pos\x18\x1f \x03(\rB\x02\x10\x01\x12\x19\n\rinlier_length\x18\x1b \x03(\rB\x02\x10\x01\x12\x17\n\x0boutlier_ids\x18\x1c \x03(\rB\x02\x10\x01\x12 \n\x14outlier_id_match_pos\x18 \x03(\rB\x02\x10\x01\x12\x1b\n\x13tracking_confidence\x18! \x01(\x02\x12\x33\n\x08internal\x18\x1d \x01(\x0b\x32!.mediapipe.MotionBoxInternalState\x1a\x18\n\x04Quad\x12\x10\n\x08vertices\x18\x01 \x03(\x02\"\x87\x01\n\x0bTrackStatus\x12\x11\n\rBOX_UNTRACKED\x10\x00\x12\r\n\tBOX_EMPTY\x10\x01\x12\x13\n\x0f\x42OX_NO_FEATURES\x10\x02\x12\x0f\n\x0b\x42OX_TRACKED\x10\x03\x12\x12\n\x0e\x42OX_DUPLICATED\x10\x04\x12\x1c\n\x18\x42OX_TRACKED_OUT_OF_BOUND\x10\x05J\x04\x08\x14\x10\x15J\x04\x08\x15\x10\x16\"\xbc\x01\n\x16MotionBoxInternalState\x12\x11\n\x05pos_x\x18\x01 \x03(\x02\x42\x02\x10\x01\x12\x11\n\x05pos_y\x18\x02 \x03(\x02\x42\x02\x10\x01\x12\x0e\n\x02\x64x\x18\x03 \x03(\x02\x42\x02\x10\x01\x12\x0e\n\x02\x64y\x18\x04 \x03(\x02\x42\x02\x10\x01\x12\x15\n\tcamera_dx\x18\x05 \x03(\x02\x42\x02\x10\x01\x12\x15\n\tcamera_dy\x18\x06 \x03(\x02\x42\x02\x10\x01\x12\x14\n\x08track_id\x18\x07 \x03(\x05\x42\x02\x10\x01\x12\x18\n\x0cinlier_score\x18\x08 \x03(\x02\x42\x02\x10\x01\"\x9d\x13\n\x10TrackStepOptions\x12\x62\n\x10tracking_degrees\x18\x1c \x01(\x0e\x32+.mediapipe.TrackStepOptions.TrackingDegrees:\x1bTRACKING_DEGREE_TRANSLATION\x12&\n\x17track_object_and_camera\x18 \x01(\x08:\x05\x66\x61lse\x12\x1a\n\x0firls_iterations\x18\x01 \x01(\x05:\x01\x35\x12\x1b\n\rspatial_sigma\x18\x02 \x01(\x02:\x04\x30.15\x12\x1f\n\x10min_motion_sigma\x18\x03 \x01(\x02:\x05\x30.002\x12\"\n\x15relative_motion_sigma\x18\x04 \x01(\x02:\x03\x30.3\x12)\n\x1amotion_disparity_low_level\x18\x06 \x01(\x02:\x05\x30.008\x12*\n\x1bmotion_disparity_high_level\x18\x07 \x01(\x02:\x05\x30.016\x12\x1c\n\x0f\x64isparity_decay\x18\x08 \x01(\x02:\x03\x30.8\x12 \n\x13motion_prior_weight\x18\t \x01(\x02:\x03\x30.2\x12\x32\n#background_discrimination_low_level\x18\n \x01(\x02:\x05\x30.004\x12\x33\n$background_discrimination_high_level\x18\x0b \x01(\x02:\x05\x30.008\x12,\n\x1finlier_center_relative_distance\x18\x0c \x01(\x02:\x03\x30.1\x12 \n\x13inlier_spring_force\x18\r \x01(\x02:\x03\x30.3\x12-\n kinetic_center_relative_distance\x18\x0e \x01(\x02:\x03\x30.4\x12!\n\x14kinetic_spring_force\x18\x0f \x01(\x02:\x03\x30.5\x12\x36\n\'kinetic_spring_force_min_kinetic_energy\x18\x15 \x01(\x02:\x05\x30.003\x12#\n\x16velocity_update_weight\x18\x10 \x01(\x02:\x03\x30.7\x12\x1e\n\x12max_track_failures\x18\x11 \x01(\x05:\x02\x31\x30\x12\x1c\n\x0e\x65xpansion_size\x18\x12 \x01(\x02:\x04\x30.05\x12\x1e\n\x11inlier_low_weight\x18\x13 \x01(\x02:\x03\x32\x35\x30\x12\x1f\n\x12inlier_high_weight\x18\x14 \x01(\x02:\x03\x35\x30\x30\x12\"\n\x14kinetic_energy_decay\x18\x16 \x01(\x02:\x04\x30.98\x12\"\n\x15prior_weight_increase\x18\x17 \x01(\x02:\x03\x30.2\x12!\n\x12low_kinetic_energy\x18\x18 \x01(\x02:\x05\x30.001\x12\"\n\x13high_kinetic_energy\x18\x19 \x01(\x02:\x05\x30.004\x12$\n\x15return_internal_state\x18\x1a \x01(\x08:\x05\x66\x61lse\x12\x33\n%use_post_estimation_weights_for_state\x18\x1d \x01(\x08:\x04true\x12$\n\x15\x63ompute_spatial_prior\x18\x1b \x01(\x08:\x05\x66\x61lse\x12K\n\x13irls_initialization\x18\x1e \x01(\x0b\x32..mediapipe.TrackStepOptions.IrlsInitialization\x12+\n\x1cstatic_motion_temporal_ratio\x18! \x01(\x02:\x05\x30.003\x12n\n&cancel_tracking_with_occlusion_options\x18\" \x01(\x0b\x32>.mediapipe.TrackStepOptions.CancelTrackingWithOcclusionOptions\x12/\n#object_similarity_min_contd_inliers\x18# \x01(\x05:\x02\x33\x30\x12&\n\x18\x62ox_similarity_max_scale\x18$ \x01(\x02:\x04\x31.05\x12(\n\x1b\x62ox_similarity_max_rotation\x18% \x01(\x02:\x03\x30.2\x12&\n\x19quad_homography_max_scale\x18& \x01(\x02:\x03\x31.2\x12)\n\x1cquad_homography_max_rotation\x18\' \x01(\x02:\x03\x30.3\x12G\n\x11\x63\x61mera_intrinsics\x18( \x01(\x0b\x32,.mediapipe.TrackStepOptions.CameraIntrinsics\x12\"\n\x13\x66orced_pnp_tracking\x18) \x01(\x08:\x05\x66\x61lse\x1aY\n\x12IrlsInitialization\x12\x18\n\tactivated\x18\x01 \x01(\x08:\x05\x66\x61lse\x12\x12\n\x06rounds\x18\x02 \x01(\x05:\x02\x35\x30\x12\x15\n\x06\x63utoff\x18\x03 \x01(\x02:\x05\x30.005\x1a\x81\x01\n\"CancelTrackingWithOcclusionOptions\x12\x18\n\tactivated\x18\x01 \x01(\x08:\x05\x66\x61lse\x12\"\n\x15min_motion_continuity\x18\x02 \x01(\x02:\x03\x30.4\x12\x1d\n\x10min_inlier_ratio\x18\x03 \x01(\x02:\x03\x30.1\x1a|\n\x10\x43\x61meraIntrinsics\x12\n\n\x02\x66x\x18\x01 \x01(\x02\x12\n\n\x02\x66y\x18\x02 \x01(\x02\x12\n\n\x02\x63x\x18\x03 \x01(\x02\x12\n\n\x02\x63y\x18\x04 \x01(\x02\x12\n\n\x02k0\x18\x05 \x01(\x02\x12\n\n\x02k1\x18\x06 \x01(\x02\x12\n\n\x02k2\x18\x07 \x01(\x02\x12\t\n\x01w\x18\x08 \x01(\x05\x12\t\n\x01h\x18\t \x01(\x05\"\xe6\x02\n\x0fTrackingDegrees\x12\x1f\n\x1bTRACKING_DEGREE_TRANSLATION\x10\x00\x12 \n\x1cTRACKING_DEGREE_CAMERA_SCALE\x10\x01\x12#\n\x1fTRACKING_DEGREE_CAMERA_ROTATION\x10\x02\x12)\n%TRACKING_DEGREE_CAMERA_ROTATION_SCALE\x10\x03\x12&\n\"TRACKING_DEGREE_CAMERA_PERSPECTIVE\x10\x04\x12 \n\x1cTRACKING_DEGREE_OBJECT_SCALE\x10\x05\x12#\n\x1fTRACKING_DEGREE_OBJECT_ROTATION\x10\x06\x12)\n%TRACKING_DEGREE_OBJECT_ROTATION_SCALE\x10\x07\x12&\n\"TRACKING_DEGREE_OBJECT_PERSPECTIVE\x10\x08')
19
+
20
+ _globals = globals()
21
+ _builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
22
+ _builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'mediapipe.util.tracking.tracking_pb2', _globals)
23
+ if _descriptor._USE_C_DESCRIPTORS == False:
24
+ DESCRIPTOR._options = None
25
+ _globals['_MOTIONBOXSTATE'].fields_by_name['spatial_prior']._options = None
26
+ _globals['_MOTIONBOXSTATE'].fields_by_name['spatial_prior']._serialized_options = b'\020\001'
27
+ _globals['_MOTIONBOXSTATE'].fields_by_name['spatial_confidence']._options = None
28
+ _globals['_MOTIONBOXSTATE'].fields_by_name['spatial_confidence']._serialized_options = b'\020\001'
29
+ _globals['_MOTIONBOXSTATE'].fields_by_name['inlier_ids']._options = None
30
+ _globals['_MOTIONBOXSTATE'].fields_by_name['inlier_ids']._serialized_options = b'\020\001'
31
+ _globals['_MOTIONBOXSTATE'].fields_by_name['inlier_id_match_pos']._options = None
32
+ _globals['_MOTIONBOXSTATE'].fields_by_name['inlier_id_match_pos']._serialized_options = b'\020\001'
33
+ _globals['_MOTIONBOXSTATE'].fields_by_name['inlier_length']._options = None
34
+ _globals['_MOTIONBOXSTATE'].fields_by_name['inlier_length']._serialized_options = b'\020\001'
35
+ _globals['_MOTIONBOXSTATE'].fields_by_name['outlier_ids']._options = None
36
+ _globals['_MOTIONBOXSTATE'].fields_by_name['outlier_ids']._serialized_options = b'\020\001'
37
+ _globals['_MOTIONBOXSTATE'].fields_by_name['outlier_id_match_pos']._options = None
38
+ _globals['_MOTIONBOXSTATE'].fields_by_name['outlier_id_match_pos']._serialized_options = b'\020\001'
39
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['pos_x']._options = None
40
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['pos_x']._serialized_options = b'\020\001'
41
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['pos_y']._options = None
42
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['pos_y']._serialized_options = b'\020\001'
43
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['dx']._options = None
44
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['dx']._serialized_options = b'\020\001'
45
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['dy']._options = None
46
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['dy']._serialized_options = b'\020\001'
47
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['camera_dx']._options = None
48
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['camera_dx']._serialized_options = b'\020\001'
49
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['camera_dy']._options = None
50
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['camera_dy']._serialized_options = b'\020\001'
51
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['track_id']._options = None
52
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['track_id']._serialized_options = b'\020\001'
53
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['inlier_score']._options = None
54
+ _globals['_MOTIONBOXINTERNALSTATE'].fields_by_name['inlier_score']._serialized_options = b'\020\001'
55
+ _globals['_MOTIONBOXSTATE']._serialized_start=99
56
+ _globals['_MOTIONBOXSTATE']._serialized_end=1224
57
+ _globals['_MOTIONBOXSTATE_QUAD']._serialized_start=1050
58
+ _globals['_MOTIONBOXSTATE_QUAD']._serialized_end=1074
59
+ _globals['_MOTIONBOXSTATE_TRACKSTATUS']._serialized_start=1077
60
+ _globals['_MOTIONBOXSTATE_TRACKSTATUS']._serialized_end=1212
61
+ _globals['_MOTIONBOXINTERNALSTATE']._serialized_start=1227
62
+ _globals['_MOTIONBOXINTERNALSTATE']._serialized_end=1415
63
+ _globals['_TRACKSTEPOPTIONS']._serialized_start=1418
64
+ _globals['_TRACKSTEPOPTIONS']._serialized_end=3879
65
+ _globals['_TRACKSTEPOPTIONS_IRLSINITIALIZATION']._serialized_start=3171
66
+ _globals['_TRACKSTEPOPTIONS_IRLSINITIALIZATION']._serialized_end=3260
67
+ _globals['_TRACKSTEPOPTIONS_CANCELTRACKINGWITHOCCLUSIONOPTIONS']._serialized_start=3263
68
+ _globals['_TRACKSTEPOPTIONS_CANCELTRACKINGWITHOCCLUSIONOPTIONS']._serialized_end=3392
69
+ _globals['_TRACKSTEPOPTIONS_CAMERAINTRINSICS']._serialized_start=3394
70
+ _globals['_TRACKSTEPOPTIONS_CAMERAINTRINSICS']._serialized_end=3518
71
+ _globals['_TRACKSTEPOPTIONS_TRACKINGDEGREES']._serialized_start=3521
72
+ _globals['_TRACKSTEPOPTIONS_TRACKINGDEGREES']._serialized_end=3879
73
+ # @@protoc_insertion_point(module_scope)