tf-nightly-cpu 2.20.0.dev20250220__cp310-cp310-win_amd64.whl → 2.20.0.dev20250221__cp310-cp310-win_amd64.whl

Sign up to get free protection for your applications and to get access to all the features.
Files changed (113) hide show
  1. tensorflow/_api/v2/compat/v1/summary/__init__.py +2 -2
  2. tensorflow/_api/v2/compat/v1/tpu/experimental/embedding/__init__.py +2 -2
  3. tensorflow/_api/v2/compat/v2/summary/__init__.py +10 -10
  4. tensorflow/_api/v2/compat/v2/summary/experimental/__init__.py +4 -4
  5. tensorflow/_api/v2/compat/v2/tpu/experimental/embedding/__init__.py +2 -2
  6. tensorflow/_api/v2/summary/__init__.py +10 -10
  7. tensorflow/_api/v2/summary/experimental/__init__.py +4 -4
  8. tensorflow/_api/v2/tpu/experimental/embedding/__init__.py +2 -2
  9. tensorflow/compiler/mlir/stablehlo/stablehlo_extension.pyd +0 -0
  10. tensorflow/compiler/tf2tensorrt/_pywrap_py_utils.pyd +0 -0
  11. tensorflow/compiler/tf2xla/ops/_xla_ops.so +0 -0
  12. tensorflow/include/external/llvm-project/mlir/include/mlir/Analysis/DataFlow/IntegerRangeAnalysis.h +12 -0
  13. tensorflow/include/external/stablehlo/_virtual_includes/stablehlo_pass_utils/stablehlo/transforms/PassUtils.h +7 -0
  14. tensorflow/include/external/stablehlo/_virtual_includes/stablehlo_passes/stablehlo/transforms/PassUtils.h +7 -0
  15. tensorflow/include/external/stablehlo/stablehlo/transforms/PassUtils.h +7 -0
  16. tensorflow/include/tensorflow/compiler/xla/backends/cpu/codegen/kernel_api_ir_builder.h +3 -2
  17. tensorflow/include/tensorflow/compiler/xla/backends/cpu/runtime/kernel_thunk.h +9 -3
  18. tensorflow/include/tensorflow/compiler/xla/backends/cpu/runtime/work_queue.h +81 -18
  19. tensorflow/include/tensorflow/compiler/xla/codegen/kernel_spec.h +24 -7
  20. tensorflow/include/tensorflow/compiler/xla/hlo/ir/hlo_casting_utils.h +0 -44
  21. tensorflow/include/tensorflow/compiler/xla/mlir_hlo/_virtual_includes/stablehlo_extension_pass_inc_gen/stablehlo_ext/transforms/passes.h.inc +149 -4
  22. tensorflow/include/tensorflow/compiler/xla/mlir_hlo/stablehlo_ext/transforms/passes.h.inc +149 -4
  23. tensorflow/include/tensorflow/compiler/xla/pjrt/distributed/client.h +5 -0
  24. tensorflow/include/tensorflow/compiler/xla/pjrt/gpu/se_gpu_pjrt_client.h +1 -92
  25. tensorflow/include/tensorflow/compiler/xla/pjrt/gpu/se_gpu_topology_description.h +126 -0
  26. tensorflow/include/tensorflow/compiler/xla/pjrt/pjrt_stream_executor_client.h +1 -49
  27. tensorflow/include/tensorflow/compiler/xla/pjrt/pjrt_stream_executor_device_description.h +75 -0
  28. tensorflow/include/tensorflow/compiler/xla/pjrt/plugin/xla_cpu/cpu_execute_options.h +57 -0
  29. tensorflow/include/tensorflow/compiler/xla/pjrt/plugin/xla_cpu/cpu_topology.h +4 -0
  30. tensorflow/include/tensorflow/compiler/xla/service/constant_value.h +1 -0
  31. tensorflow/include/tensorflow/compiler/xla/service/hlo_module_util.h +52 -1
  32. tensorflow/include/tensorflow/compiler/xla/service/hlo_proto_util.h +0 -12
  33. tensorflow/include/tensorflow/compiler/xla/tsl/framework/convolution/eigen_spatial_convolutions-inl.h +5 -5
  34. tensorflow/include/tensorflow/core/kernels/eigen_attention.h +4 -4
  35. tensorflow/include/tensorflow/core/kernels/eigen_backward_cuboid_convolutions.h +6 -6
  36. tensorflow/include/tensorflow/core/kernels/eigen_backward_spatial_convolutions.h +10 -8
  37. tensorflow/include/tensorflow/core/kernels/eigen_cuboid_convolution.h +6 -6
  38. tensorflow/include/tensorflow/core/kernels/eigen_pooling.h +12 -12
  39. tensorflow/include/tensorflow/core/public/release_version.h +39 -0
  40. tensorflow/include/tensorflow/core/public/version.h +112 -127
  41. tensorflow/include/tensorflow/python/eager/pywrap_tfe.h +1 -1
  42. tensorflow/include/xla/backends/cpu/codegen/kernel_api_ir_builder.h +3 -2
  43. tensorflow/include/xla/backends/cpu/runtime/kernel_thunk.h +9 -3
  44. tensorflow/include/xla/backends/cpu/runtime/work_queue.h +81 -18
  45. tensorflow/include/xla/codegen/kernel_spec.h +24 -7
  46. tensorflow/include/xla/hlo/ir/hlo_casting_utils.h +0 -44
  47. tensorflow/include/xla/mlir_hlo/_virtual_includes/stablehlo_extension_pass_inc_gen/stablehlo_ext/transforms/passes.h.inc +149 -4
  48. tensorflow/include/xla/mlir_hlo/stablehlo_ext/transforms/passes.h.inc +149 -4
  49. tensorflow/include/xla/pjrt/distributed/client.h +5 -0
  50. tensorflow/include/xla/pjrt/gpu/se_gpu_pjrt_client.h +1 -92
  51. tensorflow/include/xla/pjrt/gpu/se_gpu_topology_description.h +126 -0
  52. tensorflow/include/xla/pjrt/pjrt_stream_executor_client.h +1 -49
  53. tensorflow/include/xla/pjrt/pjrt_stream_executor_device_description.h +75 -0
  54. tensorflow/include/xla/pjrt/plugin/xla_cpu/cpu_execute_options.h +57 -0
  55. tensorflow/include/xla/pjrt/plugin/xla_cpu/cpu_topology.h +4 -0
  56. tensorflow/include/xla/service/constant_value.h +1 -0
  57. tensorflow/include/xla/service/hlo_module_util.h +52 -1
  58. tensorflow/include/xla/service/hlo_proto_util.h +0 -12
  59. tensorflow/include/xla/tsl/framework/convolution/eigen_spatial_convolutions-inl.h +5 -5
  60. tensorflow/lite/experimental/microfrontend/python/ops/_audio_microfrontend_op.so +0 -0
  61. tensorflow/lite/python/analyzer_wrapper/_pywrap_analyzer_wrapper.pyd +0 -0
  62. tensorflow/lite/python/interpreter_wrapper/_pywrap_tensorflow_interpreter_wrapper.pyd +0 -0
  63. tensorflow/lite/python/optimize/_pywrap_tensorflow_lite_calibration_wrapper.pyd +0 -0
  64. tensorflow/python/_pywrap_dtensor_device.pyd +0 -0
  65. tensorflow/python/_pywrap_mlir.pyd +0 -0
  66. tensorflow/python/_pywrap_parallel_device.pyd +0 -0
  67. tensorflow/python/_pywrap_quantize_training.pyd +0 -0
  68. tensorflow/python/_pywrap_tensorflow_internal.pyd +0 -0
  69. tensorflow/python/_pywrap_tfcompile.pyd +0 -0
  70. tensorflow/python/_pywrap_tfe.pyd +0 -0
  71. tensorflow/python/client/_pywrap_debug_events_writer.pyd +0 -0
  72. tensorflow/python/client/_pywrap_device_lib.pyd +0 -0
  73. tensorflow/python/client/_pywrap_events_writer.pyd +0 -0
  74. tensorflow/python/client/_pywrap_tf_session.pyd +0 -0
  75. tensorflow/python/compat/compat.py +1 -1
  76. tensorflow/python/data/experimental/service/_pywrap_server_lib.pyd +0 -0
  77. tensorflow/python/eager/imperative_grad.py +5 -5
  78. tensorflow/python/eager/polymorphic_function/atomic_function.py +1 -1
  79. tensorflow/python/eager/polymorphic_function/compiler_ir.py +1 -1
  80. tensorflow/python/eager/polymorphic_function/polymorphic_function.py +45 -41
  81. tensorflow/python/eager/tape.py +2 -2
  82. tensorflow/python/framework/_dtypes.pyd +0 -0
  83. tensorflow/python/framework/_op_def_library_pybind.pyd +0 -0
  84. tensorflow/python/framework/_op_def_registry.pyd +0 -0
  85. tensorflow/python/framework/_proto_comparators.pyd +0 -0
  86. tensorflow/python/framework/_pywrap_python_op_gen.pyd +0 -0
  87. tensorflow/python/framework/_test_metrics_util.pyd +0 -0
  88. tensorflow/python/grappler/_pywrap_tf_cluster.pyd +0 -0
  89. tensorflow/python/grappler/_pywrap_tf_item.pyd +0 -0
  90. tensorflow/python/grappler/_pywrap_tf_optimizer.pyd +0 -0
  91. tensorflow/python/lib/core/_pywrap_py_func.pyd +0 -0
  92. tensorflow/python/lib/io/_pywrap_file_io.pyd +0 -0
  93. tensorflow/python/lib/io/_pywrap_record_io.pyd +0 -0
  94. tensorflow/python/ops/summary_ops_v2.py +5 -1
  95. tensorflow/python/profiler/internal/_pywrap_profiler.pyd +0 -0
  96. tensorflow/python/profiler/internal/_pywrap_profiler_plugin.pyd +0 -0
  97. tensorflow/python/saved_model/pywrap_saved_model.pyd +0 -0
  98. tensorflow/python/tpu/_pywrap_sparse_core_layout.pyd +0 -0
  99. tensorflow/python/tpu/_pywrap_tpu_embedding.pyd +0 -0
  100. tensorflow/python/tpu/tpu_embedding_v3.py +14 -7
  101. tensorflow/python/util/_pywrap_checkpoint_reader.pyd +0 -0
  102. tensorflow/python/util/_pywrap_kernel_registry.pyd +0 -0
  103. tensorflow/python/util/_pywrap_stat_summarizer.pyd +0 -0
  104. tensorflow/python/util/_pywrap_tfprof.pyd +0 -0
  105. tensorflow/python/util/_pywrap_transform_graph.pyd +0 -0
  106. tensorflow/python/util/_pywrap_utils.pyd +0 -0
  107. tensorflow/python/util/_tf_stack.pyd +0 -0
  108. tensorflow/tools/pip_package/setup.py +2 -2
  109. {tf_nightly_cpu-2.20.0.dev20250220.dist-info → tf_nightly_cpu-2.20.0.dev20250221.dist-info}/METADATA +1 -1
  110. {tf_nightly_cpu-2.20.0.dev20250220.dist-info → tf_nightly_cpu-2.20.0.dev20250221.dist-info}/RECORD +113 -106
  111. {tf_nightly_cpu-2.20.0.dev20250220.dist-info → tf_nightly_cpu-2.20.0.dev20250221.dist-info}/WHEEL +0 -0
  112. {tf_nightly_cpu-2.20.0.dev20250220.dist-info → tf_nightly_cpu-2.20.0.dev20250221.dist-info}/entry_points.txt +0 -0
  113. {tf_nightly_cpu-2.20.0.dev20250220.dist-info → tf_nightly_cpu-2.20.0.dev20250221.dist-info}/top_level.txt +0 -0
@@ -67,6 +67,7 @@ from tensorflow.python.util.tf_export import tf_export
67
67
  _PIPELINE_ATTRIBUTE = "_embedding_pipelining"
68
68
  _PIPELINE_MODE_FORWARD = "forward"
69
69
  _PIPELINE_MODE_BACKWARD = "backward"
70
+ _PIPELINE_MODEL_SEQUENTIAL = "_sequential"
70
71
 
71
72
 
72
73
  TableConfig = tpu_embedding_v2_utils.TableConfig
@@ -95,15 +96,21 @@ class EmbeddingPipeliningContext(control_flow_ops.ControlFlowContext):
95
96
  super().__init__()
96
97
  self._name = "EmbeddingPipelinigContext"
97
98
  self._mode = attr_value_pb2.AttrValue(s=compat.as_bytes(mode))
99
+ self._enable = enable
98
100
  recording_summaries = summary_ops_v2.is_recording_summaries()
101
+ if not isinstance(recording_summaries, bool):
102
+ # We can't handle predicate functions at this point. So, we'll ignore the
103
+ # special casing of summary recording because, presumably, this is not
104
+ # a single step loop so pipelining is still valid.
105
+ recording_summaries = False
99
106
  if enable and recording_summaries:
100
- logging.info(
101
- "Embedding pipelining requested but summaries are being recorded:"
102
- " Disabling embedding pipelining."
107
+ # We'll still flag these ops for the SC forward/backward pass, but we'll
108
+ # run them sequentially. This has to be handled in the MLIR passes
109
+ # embedding_pipelining.cc and embedding_sequencing.cc.
110
+ logging.info("Summary recording detected, disabling pipelining.")
111
+ self._mode = attr_value_pb2.AttrValue(
112
+ s=compat.as_bytes(mode + _PIPELINE_MODEL_SEQUENTIAL)
103
113
  )
104
- self._enable = False
105
- else:
106
- self._enable = enable
107
114
 
108
115
  def to_control_flow_context_def(
109
116
  self, context_def: Any, export_scope: Any = None
@@ -1637,7 +1644,7 @@ class TPUEmbeddingV2(tpu_embedding_base.TPUEmbeddingBase):
1637
1644
  row_offset: int,
1638
1645
  col_offset: int,
1639
1646
  col_shift: int,
1640
- vocab_size: int,
1647
+ unused_vocab_size: int,
1641
1648
  num_sc_per_chip: int,
1642
1649
  num_sc_shards: int,
1643
1650
  stacked_table_sample_count: int,
Binary file
Binary file
Binary file
@@ -47,8 +47,8 @@ from setuptools.dist import Distribution
47
47
  # For pip, we will remove all '-' characters from this string, and use the
48
48
  # result for pip.
49
49
  # Also update tensorflow/tensorflow.bzl and
50
- # tensorflow/core/public/version.h
51
- _VERSION = '2.20.0-dev20250220'
50
+ # tensorflow/core/public/release_version.h
51
+ _VERSION = '2.20.0-dev20250221'
52
52
 
53
53
  # Update this version when a new libtpu stable version is released.
54
54
  LATEST_RELEASE_LIBTPU_VERSION = '0.0.9'
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: tf_nightly_cpu
3
- Version: 2.20.0.dev20250220
3
+ Version: 2.20.0.dev20250221
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