ai-edge-tensorflow 2.21.0.dev20250818__cp312-cp312-macosx_12_0_arm64.whl → 2.21.0.dev20250822__cp312-cp312-macosx_12_0_arm64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of ai-edge-tensorflow might be problematic. Click here for more details.
- {ai_edge_tensorflow-2.21.0.dev20250818.dist-info → ai_edge_tensorflow-2.21.0.dev20250822.dist-info}/METADATA +1 -1
- {ai_edge_tensorflow-2.21.0.dev20250818.dist-info → ai_edge_tensorflow-2.21.0.dev20250822.dist-info}/RECORD +140 -133
- tensorflow/_api/v2/compat/v1/__init__.py +3 -3
- tensorflow/_api/v2/compat/v1/compat/v1/__init__.py +3 -3
- tensorflow/_api/v2/compat/v1/io/__init__.py +3 -3
- tensorflow/_api/v2/compat/v2/compat/v1/__init__.py +3 -3
- tensorflow/_api/v2/compat/v2/io/__init__.py +2 -2
- tensorflow/_api/v2/io/__init__.py +2 -2
- tensorflow/compiler/tf2xla/ops/_xla_ops.so +0 -0
- tensorflow/compiler/xla/service/hlo_pb2.py +49 -51
- tensorflow/compiler/xla/service/metrics_pb2.py +7 -5
- tensorflow/compiler/xla/xla_data_pb2.py +125 -123
- tensorflow/include/tensorflow/compiler/jit/tf_graph_to_hlo_compiler.h +2 -2
- tensorflow/include/tensorflow/compiler/jit/tf_graph_to_hlo_compiler.pb.h +976 -0
- tensorflow/include/tensorflow/compiler/tf2xla/xla_compiler.h +12 -0
- tensorflow/include/tensorflow/compiler/xla/backends/cpu/runtime/xnnpack/xnn_fusion_thunk.h +1 -1
- tensorflow/include/tensorflow/compiler/xla/backends/cpu/xnn_support.h +0 -7
- tensorflow/include/tensorflow/compiler/xla/codegen/intrinsic/fptrunc.h +8 -0
- tensorflow/include/tensorflow/compiler/xla/codegen/intrinsic/intrinsic.h +5 -0
- tensorflow/include/tensorflow/compiler/xla/codegen/intrinsic/intrinsic_compiler_lib.h +2 -1
- tensorflow/include/tensorflow/compiler/xla/codegen/intrinsic_lib.h +3 -1
- tensorflow/include/tensorflow/compiler/xla/hlo/ir/hlo_instruction.h +31 -10
- tensorflow/include/tensorflow/compiler/xla/hlo/ir/hlo_module_metadata.h +3 -0
- tensorflow/include/tensorflow/compiler/xla/hlo/parser/hlo_parser.h +3 -0
- tensorflow/include/tensorflow/compiler/xla/hlo/transforms/simplifiers/algebraic_simplifier.h +9 -0
- tensorflow/include/tensorflow/compiler/xla/hlo/translate/hlo_to_mhlo/hlo_utils.h +5 -0
- tensorflow/include/tensorflow/compiler/xla/hlo/translate/mhlo_to_hlo/type_to_shape.h +2 -1
- tensorflow/include/tensorflow/compiler/xla/mlir_hlo/_virtual_includes/type_conversion/mhlo/utils/type_conversion.h +1 -0
- tensorflow/include/tensorflow/compiler/xla/mlir_hlo/mhlo/utils/type_conversion.h +1 -0
- tensorflow/include/tensorflow/compiler/xla/pjrt/gpu/se_gpu_pjrt_client.h +0 -10
- tensorflow/include/tensorflow/compiler/xla/pjrt/pjrt_stream_executor_client.h +39 -17
- tensorflow/include/tensorflow/compiler/xla/pjrt/se_raw_buffer.h +7 -0
- tensorflow/include/tensorflow/compiler/xla/service/buffer_assignment.h +55 -26
- tensorflow/include/tensorflow/compiler/xla/service/cpu/cpu_aot_compilation_result.h +13 -72
- tensorflow/include/tensorflow/compiler/xla/service/cpu/cpu_executable.h +8 -4
- tensorflow/include/tensorflow/compiler/xla/service/dump.h +12 -7
- tensorflow/include/tensorflow/compiler/xla/service/elemental_ir_emitter.h +0 -5
- tensorflow/include/tensorflow/compiler/xla/service/gpu/backend_configs.pb.h +346 -3
- tensorflow/include/tensorflow/compiler/xla/service/hlo.pb.h +11 -82
- tensorflow/include/tensorflow/compiler/xla/service/hlo_value.h +8 -6
- tensorflow/include/tensorflow/compiler/xla/service/hlo_verifier.h +11 -0
- tensorflow/include/tensorflow/compiler/xla/service/llvm_ir/llvm_util.h +126 -0
- tensorflow/include/tensorflow/compiler/xla/service/metrics.pb.h +423 -3
- tensorflow/include/tensorflow/compiler/xla/service/pattern_matcher.h +54 -0
- tensorflow/include/tensorflow/compiler/xla/service/spmd/shardy/round_trip_common/pipeline_passes.h +1 -0
- tensorflow/include/tensorflow/compiler/xla/service/spmd/shardy/sdy_round_trip/clone_manual_computation_calls.h +34 -0
- tensorflow/include/tensorflow/compiler/xla/service/spmd/shardy/sdy_round_trip/pipelines.h +1 -0
- tensorflow/include/tensorflow/compiler/xla/service/spmd/shardy/stablehlo_round_trip/stablehlo_import.h +2 -2
- tensorflow/include/tensorflow/compiler/xla/service/spmd/shardy/utils.h +7 -0
- tensorflow/include/tensorflow/compiler/xla/service/xla_debug_info_manager.h +5 -6
- tensorflow/include/tensorflow/compiler/xla/shape_tree.h +122 -264
- tensorflow/include/tensorflow/compiler/xla/side_effect_util.h +3 -0
- tensorflow/include/tensorflow/compiler/xla/stream_executor/cuda/cuda_compute_capability.h +151 -46
- tensorflow/include/tensorflow/compiler/xla/stream_executor/cuda/cuda_compute_capability.pb.h +116 -1
- tensorflow/include/tensorflow/compiler/xla/stream_executor/device_description.h +32 -32
- tensorflow/include/tensorflow/compiler/xla/tsl/distributed_runtime/coordination/key_value_store.h +10 -0
- tensorflow/include/tensorflow/compiler/xla/tsl/profiler/utils/tf_op_utils.h +10 -1
- tensorflow/include/tensorflow/compiler/xla/tsl/profiler/utils/xplane_schema.h +2 -0
- tensorflow/include/tensorflow/compiler/xla/tuple_tree.h +799 -0
- tensorflow/include/tensorflow/compiler/xla/util.h +4 -0
- tensorflow/include/tensorflow/compiler/xla/xla.pb.h +740 -651
- tensorflow/include/tensorflow/compiler/xla/xla_data.pb.h +89 -1
- tensorflow/include/tensorflow/core/common_runtime/device/device_event_mgr.h +2 -2
- tensorflow/include/tensorflow/core/common_runtime/direct_session.h +5 -3
- tensorflow/include/tensorflow/core/common_runtime/executor.h +2 -1
- tensorflow/include/tensorflow/core/common_runtime/process_function_library_runtime.h +2 -1
- tensorflow/include/tensorflow/core/common_runtime/ring_alg.h +2 -1
- tensorflow/include/tensorflow/core/common_runtime/ring_reducer.h +2 -1
- tensorflow/include/tensorflow/core/data/unbounded_thread_pool.h +2 -2
- tensorflow/include/tensorflow/core/distributed_runtime/eager/remote_copy_node.h +2 -1
- tensorflow/include/tensorflow/core/public/version.h +1 -1
- tensorflow/include/tensorflow/tsl/platform/refcount.h +3 -1
- tensorflow/include/tsl/platform/refcount.h +3 -1
- tensorflow/include/xla/backends/cpu/runtime/xnnpack/xnn_fusion_thunk.h +1 -1
- tensorflow/include/xla/backends/cpu/xnn_support.h +0 -7
- tensorflow/include/xla/codegen/intrinsic/fptrunc.h +8 -0
- tensorflow/include/xla/codegen/intrinsic/intrinsic.h +5 -0
- tensorflow/include/xla/codegen/intrinsic/intrinsic_compiler_lib.h +2 -1
- tensorflow/include/xla/codegen/intrinsic_lib.h +3 -1
- tensorflow/include/xla/hlo/ir/hlo_instruction.h +31 -10
- tensorflow/include/xla/hlo/ir/hlo_module_metadata.h +3 -0
- tensorflow/include/xla/hlo/parser/hlo_parser.h +3 -0
- tensorflow/include/xla/hlo/transforms/simplifiers/algebraic_simplifier.h +9 -0
- tensorflow/include/xla/hlo/translate/hlo_to_mhlo/hlo_utils.h +5 -0
- tensorflow/include/xla/hlo/translate/mhlo_to_hlo/type_to_shape.h +2 -1
- tensorflow/include/xla/mlir_hlo/_virtual_includes/type_conversion/mhlo/utils/type_conversion.h +1 -0
- tensorflow/include/xla/mlir_hlo/mhlo/utils/type_conversion.h +1 -0
- tensorflow/include/xla/pjrt/gpu/se_gpu_pjrt_client.h +0 -10
- tensorflow/include/xla/pjrt/pjrt_stream_executor_client.h +39 -17
- tensorflow/include/xla/pjrt/se_raw_buffer.h +7 -0
- tensorflow/include/xla/service/buffer_assignment.h +55 -26
- tensorflow/include/xla/service/cpu/cpu_aot_compilation_result.h +13 -72
- tensorflow/include/xla/service/cpu/cpu_executable.h +8 -4
- tensorflow/include/xla/service/dump.h +12 -7
- tensorflow/include/xla/service/elemental_ir_emitter.h +0 -5
- tensorflow/include/xla/service/gpu/backend_configs.pb.h +346 -3
- tensorflow/include/xla/service/hlo.pb.h +11 -82
- tensorflow/include/xla/service/hlo_value.h +8 -6
- tensorflow/include/xla/service/hlo_verifier.h +11 -0
- tensorflow/include/xla/service/llvm_ir/llvm_util.h +126 -0
- tensorflow/include/xla/service/metrics.pb.h +423 -3
- tensorflow/include/xla/service/pattern_matcher.h +54 -0
- tensorflow/include/xla/service/spmd/shardy/round_trip_common/pipeline_passes.h +1 -0
- tensorflow/include/xla/service/spmd/shardy/sdy_round_trip/clone_manual_computation_calls.h +34 -0
- tensorflow/include/xla/service/spmd/shardy/sdy_round_trip/pipelines.h +1 -0
- tensorflow/include/xla/service/spmd/shardy/stablehlo_round_trip/stablehlo_import.h +2 -2
- tensorflow/include/xla/service/spmd/shardy/utils.h +7 -0
- tensorflow/include/xla/service/xla_debug_info_manager.h +5 -6
- tensorflow/include/xla/shape_tree.h +122 -264
- tensorflow/include/xla/side_effect_util.h +3 -0
- tensorflow/include/xla/stream_executor/cuda/cuda_compute_capability.h +151 -46
- tensorflow/include/xla/stream_executor/cuda/cuda_compute_capability.pb.h +116 -1
- tensorflow/include/xla/stream_executor/device_description.h +32 -32
- tensorflow/include/xla/tsl/distributed_runtime/coordination/key_value_store.h +10 -0
- tensorflow/include/xla/tsl/profiler/utils/tf_op_utils.h +10 -1
- tensorflow/include/xla/tsl/profiler/utils/xplane_schema.h +2 -0
- tensorflow/include/xla/tuple_tree.h +799 -0
- tensorflow/include/xla/util.h +4 -0
- tensorflow/include/xla/xla.pb.h +740 -651
- tensorflow/include/xla/xla_data.pb.h +89 -1
- tensorflow/libtensorflow_cc.2.dylib +0 -0
- tensorflow/libtensorflow_framework.2.dylib +0 -0
- tensorflow/lite/python/_dummy_pybind.py +35 -0
- tensorflow/lite/python/_dummy_pybind.so +0 -0
- tensorflow/lite/python/lib_pywrap_tflite_8_shared_object.dylib +0 -0
- tensorflow/lite/python/libpywrap_tflite_common.dylib +0 -0
- tensorflow/python/client/_pywrap_tf_session.so +0 -0
- tensorflow/python/compat/compat.py +1 -1
- tensorflow/python/framework/constant_op.py +1 -1
- tensorflow/python/lib_pywrap_tensorflow_common.dylib +0 -0
- tensorflow/python/ops/array_ops_stack.py +1 -1
- tensorflow/python/ops/image_ops_impl.py +18 -18
- tensorflow/python/ops/parsing_ops.py +11 -18
- tensorflow/python/ops/ragged/dynamic_ragged_shape.py +3 -3
- tensorflow/python/ops/special_math_ops.py +1 -1
- tensorflow/python/profiler/internal/_pywrap_profiler_plugin.so +0 -0
- tensorflow/tools/pip_package/setup.py +1 -1
- tensorflow/lite/python/lib_pywrap_tflite_7_shared_object.dylib +0 -0
- {ai_edge_tensorflow-2.21.0.dev20250818.dist-info → ai_edge_tensorflow-2.21.0.dev20250822.dist-info}/WHEEL +0 -0
- {ai_edge_tensorflow-2.21.0.dev20250818.dist-info → ai_edge_tensorflow-2.21.0.dev20250822.dist-info}/entry_points.txt +0 -0
- {ai_edge_tensorflow-2.21.0.dev20250818.dist-info → ai_edge_tensorflow-2.21.0.dev20250822.dist-info}/top_level.txt +0 -0
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.4
|
|
2
2
|
Name: ai_edge_tensorflow
|
|
3
|
-
Version: 2.21.0.
|
|
3
|
+
Version: 2.21.0.dev20250822
|
|
4
4
|
Summary: TensorFlow is an open source machine learning framework for everyone.
|
|
5
5
|
Home-page: https://www.tensorflow.org/
|
|
6
6
|
Download-URL: https://github.com/tensorflow/tensorflow/tags
|