mediapipe-nightly 0.10.10.post20240225__cp38-cp38-macosx_11_0_universal2.whl → 0.10.11.post20240302__cp38-cp38-macosx_11_0_universal2.whl
Sign up to get free protection for your applications and to get access to all the features.
- mediapipe/__init__.py +1 -1
- mediapipe/python/__init__.py +1 -0
- mediapipe/python/_framework_bindings.cpython-38-darwin.so +0 -0
- mediapipe/tasks/cc/genai/inference/calculators/__init__.py +0 -0
- mediapipe/tasks/cc/genai/inference/calculators/detokenizer_calculator_pb2.py +27 -0
- mediapipe/tasks/cc/genai/inference/calculators/llm_gpu_calculator_pb2.py +31 -0
- mediapipe/tasks/cc/genai/inference/calculators/tokenizer_calculator_pb2.py +29 -0
- mediapipe/tasks/cc/genai/inference/proto/llm_file_metadata_pb2.py +32 -0
- mediapipe/tasks/cc/genai/inference/proto/llm_params_pb2.py +6 -6
- mediapipe/tasks/cc/genai/inference/proto/transformer_params_pb2.py +18 -18
- mediapipe/tasks/cc/metadata/python/_pywrap_metadata_version.cpython-38-darwin.so +0 -0
- mediapipe/tasks/metadata/schema_py_generated.py +4019 -119
- mediapipe/tasks/python/genai/converter/converter_base.py +4 -1
- mediapipe/tasks/python/genai/converter/llm_converter.py +16 -13
- mediapipe/tasks/python/genai/converter/pytorch_converter.py +7 -4
- mediapipe/tasks/python/genai/converter/pytorch_converter_test.py +1 -1
- mediapipe/tasks/python/genai/converter/safetensors_converter.py +5 -4
- mediapipe/tasks/python/genai/converter/safetensors_converter_test.py +1 -1
- mediapipe/tasks/python/metadata/flatbuffers_lib/_pywrap_flatbuffers.cpython-38-darwin.so +0 -0
- mediapipe/tasks/python/vision/__init__.py +5 -0
- mediapipe/version.txt +1 -1
- {mediapipe_nightly-0.10.10.post20240225.dist-info → mediapipe_nightly-0.10.11.post20240302.dist-info}/METADATA +3 -1
- {mediapipe_nightly-0.10.10.post20240225.dist-info → mediapipe_nightly-0.10.11.post20240302.dist-info}/RECORD +25 -20
- {mediapipe_nightly-0.10.10.post20240225.dist-info → mediapipe_nightly-0.10.11.post20240302.dist-info}/LICENSE +0 -0
- {mediapipe_nightly-0.10.10.post20240225.dist-info → mediapipe_nightly-0.10.11.post20240302.dist-info}/WHEEL +0 -0
- {mediapipe_nightly-0.10.10.post20240225.dist-info → mediapipe_nightly-0.10.11.post20240302.dist-info}/top_level.txt +0 -0
@@ -14,6 +14,7 @@
|
|
14
14
|
|
15
15
|
"""Defines a couple base classes for the conversion/quantization process."""
|
16
16
|
|
17
|
+
from typing import Iterator
|
17
18
|
import os
|
18
19
|
from typing import Dict, List, Optional, Tuple
|
19
20
|
import numpy as np
|
@@ -105,7 +106,9 @@ class CkptLoaderBase:
|
|
105
106
|
self._feedforward_quant_bits = feedforward_quant_bits
|
106
107
|
self._embedding_quant_bits = embedding_quant_bits
|
107
108
|
|
108
|
-
def load_to_actions(
|
109
|
+
def load_to_actions(
|
110
|
+
self,
|
111
|
+
) -> Iterator[Optional[List[QuantizationAction]]]:
|
109
112
|
"""Loads the checkpoint and returns the quantization actions."""
|
110
113
|
raise NotImplementedError("The load_to_actions method is not implemented.")
|
111
114
|
|
@@ -5,9 +5,9 @@ from typing import List, Optional
|
|
5
5
|
|
6
6
|
from absl import logging
|
7
7
|
|
8
|
+
from mediapipe.python._framework_bindings import model_ckpt_util
|
8
9
|
from mediapipe.tasks.python.genai.converter import converter_base
|
9
10
|
from mediapipe.tasks.python.genai.converter import converter_factory
|
10
|
-
from mediapipe.tasks.python.genai.converter import model_ckpt_util
|
11
11
|
from mediapipe.tasks.python.genai.converter import quantization_util
|
12
12
|
|
13
13
|
|
@@ -193,18 +193,21 @@ def convert_checkpoint(config: ConversionConfig) -> None:
|
|
193
193
|
)
|
194
194
|
actions = loader.load_to_actions()
|
195
195
|
|
196
|
-
|
197
|
-
|
198
|
-
|
199
|
-
|
200
|
-
|
201
|
-
|
202
|
-
|
203
|
-
|
204
|
-
|
205
|
-
|
206
|
-
|
207
|
-
|
196
|
+
for action in actions:
|
197
|
+
# Quantize the weight.
|
198
|
+
quantized_tensors = quantize_by_actions(
|
199
|
+
action, config.backend, config.is_symmetric
|
200
|
+
)
|
201
|
+
del action
|
202
|
+
# Write the quantized tensors into file(s).
|
203
|
+
writer = converter_factory.create_writer(
|
204
|
+
writer_type='weight_bins',
|
205
|
+
output_dir=config.output_dir,
|
206
|
+
backend=config.backend,
|
207
|
+
)
|
208
|
+
writer.write_variables(quantized_tensors)
|
209
|
+
del quantized_tensors
|
210
|
+
del writer
|
208
211
|
|
209
212
|
combined_weight_bins_to_tflite(
|
210
213
|
config.model_type,
|
@@ -14,6 +14,7 @@
|
|
14
14
|
|
15
15
|
"""CkptLoader implementation for loading the Pytorch file."""
|
16
16
|
|
17
|
+
from typing import Iterator
|
17
18
|
import enum
|
18
19
|
import os
|
19
20
|
from typing import List, Optional
|
@@ -306,10 +307,12 @@ class PytorchCkptLoader(converter_base.CkptLoaderBase):
|
|
306
307
|
else:
|
307
308
|
raise ValueError(f"Unknown special model: {special_model}")
|
308
309
|
|
309
|
-
def load_to_actions(
|
310
|
+
def load_to_actions(
|
311
|
+
self,
|
312
|
+
) -> Iterator[List[converter_base.QuantizationAction]]:
|
310
313
|
tensor_names = self._reader.get_tensor_names()
|
311
|
-
actions = []
|
312
314
|
for tensor_name in tensor_names:
|
313
315
|
tensor_actions = self.mapper.map_to_actions(tensor_name)
|
314
|
-
|
315
|
-
|
316
|
+
if tensor_actions is None:
|
317
|
+
continue
|
318
|
+
yield tensor_actions
|
@@ -79,7 +79,7 @@ class PytorchConverterTest(parameterized.TestCase):
|
|
79
79
|
actions = loader.load_to_actions()
|
80
80
|
# There are 16 layers in the model, but qkv weight and bias would be
|
81
81
|
# decomposed to q, k, v tensors, so there would be 20 quantization actions.
|
82
|
-
self.
|
82
|
+
self.assertEqual(sum(len(action) for action in actions), 20)
|
83
83
|
|
84
84
|
|
85
85
|
if __name__ == '__main__':
|
@@ -15,6 +15,7 @@
|
|
15
15
|
"""CkptLoader implementation for loading the Safetensors."""
|
16
16
|
|
17
17
|
import array
|
18
|
+
from typing import Iterator
|
18
19
|
import enum
|
19
20
|
import glob
|
20
21
|
import json
|
@@ -510,12 +511,12 @@ class SafetensorsCkptLoader(converter_base.CkptLoaderBase):
|
|
510
511
|
else:
|
511
512
|
raise ValueError(f"Unknown special model: {special_model}")
|
512
513
|
|
513
|
-
def load_to_actions(
|
514
|
+
def load_to_actions(
|
515
|
+
self,
|
516
|
+
) -> Iterator[List[converter_base.QuantizationAction]]:
|
514
517
|
tensor_names = self._reader.get_tensor_names()
|
515
|
-
actions = []
|
516
518
|
for tensor_name in tensor_names:
|
517
519
|
tensor_actions = self.mapper.map_to_actions(tensor_name)
|
518
520
|
if tensor_actions is None:
|
519
521
|
continue
|
520
|
-
|
521
|
-
return actions
|
522
|
+
yield tensor_actions
|
Binary file
|
@@ -21,6 +21,7 @@ import mediapipe.tasks.python.vision.face_landmarker
|
|
21
21
|
import mediapipe.tasks.python.vision.face_stylizer
|
22
22
|
import mediapipe.tasks.python.vision.gesture_recognizer
|
23
23
|
import mediapipe.tasks.python.vision.hand_landmarker
|
24
|
+
import mediapipe.tasks.python.vision.holistic_landmarker
|
24
25
|
import mediapipe.tasks.python.vision.image_classifier
|
25
26
|
import mediapipe.tasks.python.vision.image_embedder
|
26
27
|
import mediapipe.tasks.python.vision.image_segmenter
|
@@ -64,6 +65,10 @@ PoseLandmarker = pose_landmarker.PoseLandmarker
|
|
64
65
|
PoseLandmarkerOptions = pose_landmarker.PoseLandmarkerOptions
|
65
66
|
PoseLandmarkerResult = pose_landmarker.PoseLandmarkerResult
|
66
67
|
PoseLandmarksConnections = pose_landmarker.PoseLandmarksConnections
|
68
|
+
HolisticLandmarker = holistic_landmarker.HolisticLandmarker
|
69
|
+
HolisticLandmarkerOptions = holistic_landmarker.HolisticLandmarkerOptions
|
70
|
+
HolisticLandmarkerResult = holistic_landmarker.HolisticLandmarkerResult
|
71
|
+
|
67
72
|
RunningMode = core.vision_task_running_mode.VisionTaskRunningMode
|
68
73
|
|
69
74
|
# Remove unnecessary modules to avoid duplication in API docs.
|
mediapipe/version.txt
CHANGED
@@ -1 +1 @@
|
|
1
|
-
0.10.
|
1
|
+
0.10.11-20240302
|
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: mediapipe-nightly
|
3
|
-
Version: 0.10.
|
3
|
+
Version: 0.10.11.post20240302
|
4
4
|
Summary: MediaPipe is the simplest way for researchers and developers to build world-class ML solutions and applications for mobile, edge, cloud and the web.
|
5
5
|
Home-page: https://github.com/google/mediapipe
|
6
6
|
Author: The MediaPipe Authors
|
@@ -31,8 +31,10 @@ Requires-Dist: absl-py
|
|
31
31
|
Requires-Dist: attrs >=19.1.0
|
32
32
|
Requires-Dist: flatbuffers >=2.0
|
33
33
|
Requires-Dist: jax
|
34
|
+
Requires-Dist: jaxlib
|
34
35
|
Requires-Dist: matplotlib
|
35
36
|
Requires-Dist: numpy
|
37
|
+
Requires-Dist: torch
|
36
38
|
Requires-Dist: opencv-contrib-python
|
37
39
|
Requires-Dist: protobuf <4,>=3.11
|
38
40
|
Requires-Dist: sounddevice >=0.4.4
|
@@ -1,9 +1,9 @@
|
|
1
|
-
mediapipe_nightly-0.10.
|
2
|
-
mediapipe_nightly-0.10.
|
3
|
-
mediapipe_nightly-0.10.
|
4
|
-
mediapipe_nightly-0.10.
|
5
|
-
mediapipe_nightly-0.10.
|
6
|
-
mediapipe/__init__.py,sha256=
|
1
|
+
mediapipe_nightly-0.10.11.post20240302.dist-info/RECORD,,
|
2
|
+
mediapipe_nightly-0.10.11.post20240302.dist-info/LICENSE,sha256=hwfu8FM5h-_FsVXWR2HutuIHk_ULm9Gmja0c9HGdDtg,12331
|
3
|
+
mediapipe_nightly-0.10.11.post20240302.dist-info/WHEEL,sha256=ne9oAesYhmqqzZoZWVnfbfuFiLIE1hGPUf33054jNWs,109
|
4
|
+
mediapipe_nightly-0.10.11.post20240302.dist-info/top_level.txt,sha256=LG-epD1oIiiHFRqLp--7jacjB3dbx2RfMcLYjCIhmxU,175
|
5
|
+
mediapipe_nightly-0.10.11.post20240302.dist-info/METADATA,sha256=Z_ixYoKtEPje2xOmQuHu44KTR17vwvA_rhw1LA27h1E,9715
|
6
|
+
mediapipe/__init__.py,sha256=FG3p8a-sPsr3_nru1WF1PkqKrAHldPzVed4uOfnptR8,816
|
7
7
|
mediapipe/tasks/__init__.py,sha256=sVJS2p8J2PNVl8DLRPVY6KLpHenP_z3QVPRU0x_iL5g,571
|
8
8
|
mediapipe/tasks/python/__init__.py,sha256=wIM_WOWboOVI1MeehN8fkN_DjoA0MEBVw5mShAd8AS4,858
|
9
9
|
mediapipe/tasks/python/benchmark/__init__.py,sha256=epEucluzX0HinwBZoS7Tgb19j_qgfTuBf-vBkqemch8,587
|
@@ -44,7 +44,7 @@ mediapipe/tasks/python/vision/pose_landmarker.py,sha256=6QCKc7NDoNSqhasXBpXbuVUu
|
|
44
44
|
mediapipe/tasks/python/vision/object_detector.py,sha256=i2i0Th055dlbZMSHVIb_dpzcDtv4VLnWmK-I3Mkmgas,16341
|
45
45
|
mediapipe/tasks/python/vision/face_landmarker.py,sha256=dmh4mJT3DnB07PHWB2p7fqe2x0AgJ2b8Za-bK1B5GV4,94096
|
46
46
|
mediapipe/tasks/python/vision/gesture_recognizer.py,sha256=8c7bGWhCaZ6wuMu0Z34OPsuKn_3He1S12m8NMfCgjns,19258
|
47
|
-
mediapipe/tasks/python/vision/__init__.py,sha256=
|
47
|
+
mediapipe/tasks/python/vision/__init__.py,sha256=FtCw28L6YYudeTwohq8WOYLvDGBP74uRRWgxpWLvGiU,4060
|
48
48
|
mediapipe/tasks/python/vision/face_stylizer.py,sha256=ToAhk1GZYX7xvxeGtI_a-yhlWlVsey_8CZWjNW9vltA,5761
|
49
49
|
mediapipe/tasks/python/vision/holistic_landmarker.py,sha256=ES4AefmYfebHDPB0_TB7PaW6AYgzfAI-vCbt2BucSHs,23559
|
50
50
|
mediapipe/tasks/python/vision/hand_landmarker.py,sha256=1FgMzcN7HBJylK1cflk4h9rr7_GQ9AH2s7AlDLGMqaQ,18243
|
@@ -86,22 +86,22 @@ mediapipe/tasks/python/text/text_classifier.py,sha256=AJbYep6iL8vkf6JKRrGArr9sNd
|
|
86
86
|
mediapipe/tasks/python/text/core/base_text_task_api.py,sha256=OHt7j_0n5c3HBdOrCb_BGWCdKWMKvDULp6tKA5mDZAc,1822
|
87
87
|
mediapipe/tasks/python/text/core/__init__.py,sha256=ZKC2XRtShVe6k6u6LxDt1pG7DQIn5nZnjurs6Pcvm6A,593
|
88
88
|
mediapipe/tasks/python/genai/__init__.py,sha256=7rri6fT6wNurla8O2c5yKiLs9_3qIY0vKkyVAUDe-18,620
|
89
|
-
mediapipe/tasks/python/genai/converter/pytorch_converter_test.py,sha256=
|
90
|
-
mediapipe/tasks/python/genai/converter/safetensors_converter_test.py,sha256=
|
89
|
+
mediapipe/tasks/python/genai/converter/pytorch_converter_test.py,sha256=y_Mg9pOQtlUDh6uVmkz5LcUbk-pmDLA9L3KcxKR-OaA,3041
|
90
|
+
mediapipe/tasks/python/genai/converter/safetensors_converter_test.py,sha256=oCk4FnsjBJkEPlXtv8fdq9dn3I06LsSQRMi0BV_9mew,2802
|
91
91
|
mediapipe/tasks/python/genai/converter/quantization_util.py,sha256=B6i13GqRRIwMabEJWO8rFHPMBjIgdOhFpHiwMD4GzRc,17196
|
92
|
-
mediapipe/tasks/python/genai/converter/safetensors_converter.py,sha256=
|
92
|
+
mediapipe/tasks/python/genai/converter/safetensors_converter.py,sha256=ttCpqyMeHkIFzppP8G8uMG5VsslK5-ULFT5U3R_qif0,18713
|
93
93
|
mediapipe/tasks/python/genai/converter/weight_bins_writer_test.py,sha256=6qgNYXODNOsbveZ0ighEW4JBdawil9mPcC16MZ0mdm8,1994
|
94
|
-
mediapipe/tasks/python/genai/converter/converter_base.py,sha256=
|
95
|
-
mediapipe/tasks/python/genai/converter/pytorch_converter.py,sha256=
|
94
|
+
mediapipe/tasks/python/genai/converter/converter_base.py,sha256=1nBgvcY5xaI0ZPjBJTVdViDFraVyJUZHLXBT0dYOX9c,6568
|
95
|
+
mediapipe/tasks/python/genai/converter/pytorch_converter.py,sha256=b-GWYOzgD-ZRGgyqcXE9LG_JOL0Mqba4q0pc_imrbrg,10771
|
96
96
|
mediapipe/tasks/python/genai/converter/__init__.py,sha256=jfUkinDJR5BVldnbJMbo5vIr2Xc5Z4TTnaCJTNoAUvg,893
|
97
97
|
mediapipe/tasks/python/genai/converter/converter_factory.py,sha256=2K16PZBQym0WhXM2HOdBMHMugykohoD4OTaOIo-UKko,2928
|
98
|
-
mediapipe/tasks/python/genai/converter/llm_converter.py,sha256=
|
98
|
+
mediapipe/tasks/python/genai/converter/llm_converter.py,sha256=OJqrYEDPQYwoOftBw-Ajsqtkcj9uRHBAb_Oo_RCEKa4,7896
|
99
99
|
mediapipe/tasks/python/genai/converter/quantization_util_test.py,sha256=ICujhTFeREGuHGmNk1PlBpf1AUThFvv-Wl5UuZ-xWAk,9060
|
100
100
|
mediapipe/tasks/python/genai/converter/weight_bins_writer.py,sha256=qrsjTWw99u-VDNhtHbnbDfMypx4sGfGyY8mMBXYnQtA,4347
|
101
101
|
mediapipe/tasks/python/metadata/metadata.py,sha256=EECQnM-Af0angD60jaBBOuNMgt7HExH6SqVtVMFNHGc,33763
|
102
102
|
mediapipe/tasks/python/metadata/metadata_displayer_cli.py,sha256=tLhF0B1mXG0igFTA9nPh8t1efRpRw2hQ00XpTPYdk_o,1202
|
103
103
|
mediapipe/tasks/python/metadata/__init__.py,sha256=YGHXQMz1ZGPcNgSXggu03b0USZKE8d9Xqvn6NDUl898,586
|
104
|
-
mediapipe/tasks/python/metadata/flatbuffers_lib/_pywrap_flatbuffers.cpython-38-darwin.so,sha256=
|
104
|
+
mediapipe/tasks/python/metadata/flatbuffers_lib/_pywrap_flatbuffers.cpython-38-darwin.so,sha256=noFtv5lvt5tNXTmHaPXs8NBm89n3iBy5_MA68cqNax4,1630547
|
105
105
|
mediapipe/tasks/python/metadata/metadata_writers/image_classifier.py,sha256=fU4Xu4bm0fak8h7yjVAAQBIHpEH18ZEiXUSc-2dHgvk,3023
|
106
106
|
mediapipe/tasks/python/metadata/metadata_writers/object_detector.py,sha256=IzKqY1S0p2RQ_Vd0nF08y16dHYLa-2HwB4zmuWmixVw,12970
|
107
107
|
mediapipe/tasks/python/metadata/metadata_writers/model_asset_bundle_utils.py,sha256=HMUhrYzAJ0lQCAfKDOTQ82_EGDJfVS-ECVdZfFQGDM4,2622
|
@@ -256,19 +256,24 @@ mediapipe/tasks/cc/text/text_embedder/proto/text_embedder_graph_options_pb2.py,s
|
|
256
256
|
mediapipe/tasks/cc/text/text_embedder/proto/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
257
257
|
mediapipe/tasks/cc/genai/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
258
258
|
mediapipe/tasks/cc/genai/inference/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
259
|
-
mediapipe/tasks/cc/genai/inference/proto/llm_params_pb2.py,sha256=
|
259
|
+
mediapipe/tasks/cc/genai/inference/proto/llm_params_pb2.py,sha256=zGZQREcWs5jzbMipVcGmXOrJFMeq5lgQNcA_U1XkOoE,2311
|
260
260
|
mediapipe/tasks/cc/genai/inference/proto/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
261
|
-
mediapipe/tasks/cc/genai/inference/proto/
|
261
|
+
mediapipe/tasks/cc/genai/inference/proto/llm_file_metadata_pb2.py,sha256=MdDe96Ruxqcnm4vrixmyLqPmBWpXn207W50TX5UYMCo,2454
|
262
|
+
mediapipe/tasks/cc/genai/inference/proto/transformer_params_pb2.py,sha256=-KHfCIuevXnBJusJ2o3_jaf4GHSq0no-o1BhR2jRPTk,5080
|
262
263
|
mediapipe/tasks/cc/genai/inference/utils/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
263
264
|
mediapipe/tasks/cc/genai/inference/utils/llm_utils/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
264
265
|
mediapipe/tasks/cc/genai/inference/utils/xnn_utils/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
266
|
+
mediapipe/tasks/cc/genai/inference/calculators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
267
|
+
mediapipe/tasks/cc/genai/inference/calculators/tokenizer_calculator_pb2.py,sha256=m6mFdMkEGTeGJOa5o00kQU7rVZRDmnBhum0kfEmQJ_8,2038
|
268
|
+
mediapipe/tasks/cc/genai/inference/calculators/llm_gpu_calculator_pb2.py,sha256=vm7Oi2HiCZLI1fx6GDUOgfLcwfKebMGZOk3nFl_X5R0,3191
|
269
|
+
mediapipe/tasks/cc/genai/inference/calculators/detokenizer_calculator_pb2.py,sha256=-VpQshysnt83CsxDB5AIUEb9qw6KaArkek1MR7xbJxI,1625
|
265
270
|
mediapipe/tasks/cc/genai/inference/c/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
266
271
|
mediapipe/tasks/cc/metadata/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
267
272
|
mediapipe/tasks/cc/metadata/python/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
268
|
-
mediapipe/tasks/cc/metadata/python/_pywrap_metadata_version.cpython-38-darwin.so,sha256=
|
273
|
+
mediapipe/tasks/cc/metadata/python/_pywrap_metadata_version.cpython-38-darwin.so,sha256=Ke6jso3b4yi2kW1S1r2nQrzFmEEnLX8dl4mnAODJ2UY,659064
|
269
274
|
mediapipe/tasks/cc/metadata/tests/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
270
275
|
mediapipe/tasks/cc/metadata/utils/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
271
|
-
mediapipe/tasks/metadata/schema_py_generated.py,sha256=
|
276
|
+
mediapipe/tasks/metadata/schema_py_generated.py,sha256=6Fhj9cDU3nbALhoDlOx0S5KA5Yf_xIlcSLigKDFPSm4,629922
|
272
277
|
mediapipe/tasks/metadata/object_detector_metadata_schema_py_generated.py,sha256=9qV0Q23rGRKj3NTZuJw23fkNRmsAkC9-WgOZb5b-OZw,24287
|
273
278
|
mediapipe/tasks/metadata/object_detector_metadata_schema.fbs,sha256=LMhxmCbeYhKjHTZ8bScENy4uoKK_pswxcnp2Y_bITiI,3507
|
274
279
|
mediapipe/tasks/metadata/metadata_schema.fbs,sha256=VPDMmah9VgRbwyrRd79dAqKYNkFkk8qz6YoGBXtgeXs,28030
|
@@ -317,8 +322,8 @@ mediapipe/util/analytics/mediapipe_logging_enums_pb2.py,sha256=9pxs-DNSQnXQe7E_L
|
|
317
322
|
mediapipe/python/solution_base.py,sha256=nEIqsho9DlutfvWWzdSxCOpJ2QzN7n2938WLDmFzn38,26072
|
318
323
|
mediapipe/python/timestamp_test.py,sha256=oWKTZMsV586jH57OBV30rihcymETyGC29VbYURNLJQQ,2528
|
319
324
|
mediapipe/python/image_frame_test.py,sha256=ZSjdE-an2t8i6MiA4_Xri91VMH5_CCx45fjhWUQptMY,8602
|
320
|
-
mediapipe/python/__init__.py,sha256=
|
321
|
-
mediapipe/python/_framework_bindings.cpython-38-darwin.so,sha256=
|
325
|
+
mediapipe/python/__init__.py,sha256=BQglgytZUe7_ZuD8amosz-szWdJ2LQp81nsuiEY3W84,1493
|
326
|
+
mediapipe/python/_framework_bindings.cpython-38-darwin.so,sha256=AJq5gW2FiZjhDTOyNbtllV53FVnOoYwNHslAKqd77JM,78905907
|
322
327
|
mediapipe/python/solution_base_test.py,sha256=1u5Lo4aEUrMKj8Ha_34XMyKnI-3A1AvpaX3MCI0b2MM,15632
|
323
328
|
mediapipe/python/packet_creator.py,sha256=34MBIMwykbZSLV-gdVYTzK8R07yzWV5yg1HuyRbS4d0,11414
|
324
329
|
mediapipe/python/packet_getter.py,sha256=QkBxKCjXrOC6j2dJ5zcVNGaPB6zjurKztQpW5kOYLj4,4205
|
File without changes
|
File without changes
|
File without changes
|