STT-tensorflow/tensorflow/python/ops
Dave Moore f0db26599f Support batchable CompositeTensors as inputs to vectorized_map.
PiperOrigin-RevId: 348498892
Change-Id: I82ac5012dbf13705af584fb0350f14d170a3ff70
2020-12-21 11:33:45 -08:00
..
distributions fix typos in python directory 2020-10-29 16:21:24 +03:00
linalg Resolving deprecation warning about passing in graph_parent. 2020-12-17 17:11:45 -08:00
losses Update tensorflow/python/ops/losses/loss_reduction.py 2020-11-25 09:47:45 -08:00
numpy_ops One more 2020-11-17 23:32:17 +03:00
parallel_for Support batchable CompositeTensors as inputs to vectorized_map. 2020-12-21 11:33:45 -08:00
ragged Merge pull request from ROCmSoftwarePlatform:google_upstream_rocm_add_remove_no_rocm_tag 2020-12-21 00:32:48 -08:00
risc Add risc op register. 2020-12-11 00:20:27 -08:00
signal Defer conversion of frame_step to tensor in spectral_ops inverse_stft_window_fn. 2020-12-07 14:40:56 -08:00
structured Enable test that was accidentally disabled. 2020-11-23 11:13:15 -08:00
v1_compat_tests Remove deprecated tfrt_enabled test target flag. 2020-10-22 12:55:06 -07:00
accumulate_n_benchmark.py
array_grad.py Remove hardcoded int32 conversion 2020-10-29 15:46:23 +08:00
array_ops_test.py Remove v1 only decorator 2020-07-28 13:28:49 -07:00
array_ops.py Merge pull request from WindQAQ:dispatch-reverse-sequence 2020-12-10 12:10:01 -08:00
batch_norm_benchmark.py Apply tf1-tf2 renames to tensorflow/python/ops docstrings and comments. 2019-04-18 16:11:35 -07:00
batch_ops_test.py Support GPUs in BatchFunction. 2020-12-14 20:07:44 -08:00
batch_ops.py In tf.nondifferentiable_batch_function (https://www.tensorflow.org/api_docs/python/tf/nondifferentiable_batch_function), flip enable_large_batch_splitting to True. 2020-08-03 13:43:13 -07:00
bincount_ops_test.py Fix multiple vulnerabilities in tf.raw_ops.*CountSparseOutput. 2020-09-18 18:20:14 -07:00
bincount_ops.py Remove forward compatibility check for bincount. 2020-10-12 11:37:02 -07:00
bitwise_ops_test.py
bitwise_ops.py
boosted_trees_ops.py
candidate_sampling_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
check_ops.py [tf.debugging] Make assert_shapes() work on SparseTensors 2020-09-30 12:53:54 -07:00
clip_ops_test.py Use arithmetic instead of tf.where to set NaN for tf.clip_by_global_norm failure. 2020-04-13 05:39:43 -07:00
clip_ops.py Use TensorShape.assert_is_compatible_with instead of merge_with 2020-10-09 11:28:09 +01:00
clustering_ops_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
clustering_ops.py
collective_ops_benchmark.py Small adjustments on import spacing. 2019-12-18 20:32:12 -08:00
collective_ops_gpu_test.py Add NcclManager::StartAbort 2020-09-18 13:27:17 -07:00
collective_ops_test.py Add timeout to CollectiveReduceV2 2020-09-29 12:35:20 -07:00
collective_ops_xla_test.py Rationale: 2020-11-03 12:55:59 -08:00
collective_ops.py Add CollectiveBcastSend/RecvV2 which takes input tensors rather than attributes. 2020-12-17 10:45:19 -08:00
concat_benchmark.py
cond_v2.py Add pfor converters and basic type information to optionals 2020-11-19 09:25:24 -08:00
confusion_matrix.py Use scatter_nd to compute confusion_matrix and enable TPU compatibility. 2020-08-17 16:29:33 -07:00
control_flow_grad.py More tolerant control flow grad code. It currently fails sometimes inside tf.function 2020-06-01 15:20:48 -07:00
control_flow_ops_benchmark.py
control_flow_ops_test.py Merge pull request from ROCmSoftwarePlatform:google_upstream_rocm_misc_update_201203 2020-12-09 07:38:17 -08:00
control_flow_ops.py Update the docs for tf.group, tf.control_dependencies, tf.tuple. 2020-12-10 11:38:58 -08:00
control_flow_state.py Replace usage of Graph._building_function with a public one 2020-02-07 13:49:05 -08:00
control_flow_util_v2.py Roll forward cl/338294004 with several fixes and some extra tests 2020-10-29 11:04:37 -07:00
control_flow_util.py
control_flow_v2_disable_test.py
control_flow_v2_enable_test.py
control_flow_v2_func_graphs.py Inherit device scopes when building control flow operations 2020-10-21 17:46:40 -07:00
control_flow_v2_toggles_test.py
control_flow_v2_toggles.py [Tensorflow Metrics] Add tracking for enable_control_flow() and disable_control_flow() usage. 2020-04-02 16:34:16 -07:00
conv2d_benchmark.py
critical_section_ops.py
ctc_ops.py Corrected citation: Graves et. al -2016 -> +2006 2020-07-28 12:19:17 +05:30
cudnn_rnn_grad.py add cudnn lstm projection (lstmp) 2019-04-10 21:43:35 -07:00
custom_gradient.py revert line 2020-10-29 01:52:14 +00:00
data_flow_grad.py Changed gradient of dynamic_partition to use parallel_dynamic_stitch. 2019-08-29 12:37:32 -07:00
data_flow_ops.py minor spelling tweaks 2020-02-11 15:09:21 +09:00
default_gradient.py
dequantize_op_test.py Add narrow_range to DequantizeOp 2019-09-30 19:26:31 -07:00
embedding_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
functional_ops_test.py Rollforward: Support CompositeTensor in functional If/While 2020-09-23 18:09:30 -07:00
functional_ops.py Use TensorShape.assert_is_compatible_with instead of merge_with 2020-10-09 11:28:09 +01:00
gradient_checker_v2_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
gradient_checker_v2.py Update gradient_checker_v2 to use a step size in the finite difference approximation that is exactly representable as a binary floating point number. This is an old trick that in some cases avoids polluting the finite difference approximation with rounding errors that cause false negatives in gradient tests. 2020-11-19 12:51:53 -08:00
gradient_checker.py Deprecates gradient_checker V1 2019-06-12 13:22:32 -07:00
gradients_impl.py Merge pull request from HughKu:fix/HessiansV2 2020-07-14 14:34:42 -07:00
gradients_test.py Remove @test_util.deprecated_graph_mode_only in gradients_test.py 2020-07-31 16:55:30 -07:00
gradients_util.py fix typos in python directory 2020-10-29 16:21:24 +03:00
gradients.py
handle_data_util.py Set handle data of function inputs and outputs. 2020-12-07 20:55:03 -08:00
histogram_ops_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
histogram_ops.py Merge pull request from yongtang:histogram-doc 2020-05-26 12:05:27 -07:00
image_grad_deterministic_test.py Merge pull request from duncanriach:deterministic-image-resize-bilinear 2020-09-22 08:54:54 -07:00
image_grad_test_base.py Eager execution coverage for image_grad_test.py. Removed run_deprecated_v1 decorators. (Part 1) 2020-10-27 16:52:08 -07:00
image_grad_test.py Add deterministic mode for resize_bilinear back-prop 2020-09-01 13:15:49 -07:00
image_grad.py Move rgb_to_hsv example. 2020-03-02 11:44:15 -08:00
image_ops_impl.py Fix wrong behavior (regression) with tf.image.per_image_standardization. Partially reverting PR (906e0e3bc0). Also added test cases validating against additional data types. 2020-12-20 13:15:39 -08:00
image_ops_test.py Merge pull request from fsx950223:softnms 2020-12-21 08:49:02 -08:00
image_ops.py Support fill_value for ImageProjectiveTransform 2020-08-12 09:26:55 -07:00
init_ops_test.py Enable passing TFRT python tests. 2020-10-15 17:52:05 -07:00
init_ops_v2_test.py Merge pull request from ROCmSoftwarePlatform:google_upstream_rocm_misc_update_201203 2020-12-09 07:38:17 -08:00
init_ops_v2.py Align docstring indentation in init_ops_v2. 2020-10-23 12:45:25 -07:00
init_ops.py
initializers_ns.py Add test for API generated with tf_export calls to api_compatibility_test.py. 2018-03-13 17:06:54 -07:00
inplace_ops.py
io_ops.py
linalg_grad.py Add reference pdf to qr backward and add assumptions to docs 2020-09-30 13:43:24 -04:00
linalg_ops_impl.py Improve shape inference for tf.eye. 2018-10-10 10:20:05 -07:00
linalg_ops.py Small documentation clarification. 2020-10-08 12:48:19 -07:00
list_ops.py Allow TensorArray to be initialized with numpy array for shape. 2020-10-22 05:39:39 -07:00
logging_ops.py Bug fix in tf.print() with OrderedDict where if an OrderedDict didn't have the keys sorted, the keys and values were not being printed in accordance with their correct mapping. 2020-10-05 04:08:53 -07:00
lookup_ops.py Fixing up some minor doc nits for tf.lookup 2020-11-23 13:31:10 -08:00
manip_grad.py
manip_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
map_fn.py Fix spelling error in map_fn documentation. 2020-11-30 07:11:33 -08:00
map_ops.py Merge pull request from kttian:list_keys 2020-08-25 10:12:32 -07:00
math_grad_test.py Add SegmentProdGrad 2020-09-17 14:05:50 -07:00
math_grad.py Optimize gradients for BatchMatMulV2: When neither argument has a batch dimension, we do not need to generate the reduction epilog, since we only ever broadcast over batch dimensions. We also do not need to generate the epilog if the batch dimensions are known statically to match. 2020-10-28 16:58:25 -07:00
math_ops_linspace_test.py Convert linspace tests to parameterized tests 2020-09-22 17:47:33 -07:00
math_ops_test.py [ROCm] Fix for ROCm CSB Breakage - 201017 2020-10-17 13:37:58 +00:00
math_ops.py Rolling forward change by fixing issue with lack of dispatch for & and | 2020-12-02 00:09:03 -08:00
matmul_benchmark.py
metrics_impl.py
metrics.py
nccl_ops_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
nccl_ops.py
nn_batchnorm_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
nn_fused_batchnorm_test.py Roll forward of https://github.com/tensorflow/tensorflow/pull/42970 with fix for 5D tensors and unsupported axis that cannot use fused batch norm. 2020-10-02 12:08:15 -07:00
nn_grad_test.py Add a bfloat16 sum reducer that uses float32 accumulators. Fix existing tests. 2020-06-01 10:21:39 -07:00
nn_grad.py fix typos in python directory 2020-10-29 16:21:24 +03:00
nn_impl.py Improve tf.math.l2_normalize documentation 2020-12-16 16:21:41 -08:00
nn_loss_scaling_utilities_test.py Add test_util.main() and test_util.set_logical_devices_to_at_least() 2020-10-06 16:30:51 -07:00
nn_ops.py Add examples to top_k 2020-11-17 16:35:40 -08:00
nn_test.py Validate that DataFormat* attributes form a permutation. 2020-12-07 11:25:52 -08:00
nn_xent_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
nn.py
numerics.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
op_selector_test.py fix typos in python directory 2020-10-29 16:21:24 +03:00
op_selector.py
optional_grad.py
parsing_config.py call _validate() in _ParseOpParams.from_features(). 2020-11-17 21:35:44 -08:00
parsing_ops.py Add python examples for decode_json_example. 2020-11-16 09:02:23 -08:00
partitioned_variables.py
proto_ops.py Fix the exporting of tf.io.decode_proto and tf.io.encode_proto so that they correctly trigger dispatching. Note: Although this changes the api_def pbtxt files to change how exporting happens, the actual exported apis should not changed. 2020-07-10 11:43:54 -07:00
quantized_conv_ops_test.py Replace a few calls of Session run with evaluate 2018-11-27 10:09:00 -08:00
quantized_ops_test.py
random_grad.py Add StatelessParameterizedTruncatedNormal sampler. 2020-06-18 10:28:38 -07:00
random_ops.py Revise docs of tf.random.truncated_normal. 2020-12-10 11:30:40 -08:00
raw_ops_test.py Prevent segfault in GetSessionHandle{,V2}. 2020-09-18 16:30:02 -07:00
resource_variable_ops.py add BUILD file for python/util and refactor python/BUILD 2020-12-15 11:43:18 -08:00
resources.py
rnn_cell_impl.py Move legacy TF RNN cells to Keras and export there. 2020-03-23 14:54:51 -07:00
rnn_cell_wrapper_impl.py Move legacy TF RNN cells to Keras and export there. 2020-03-23 14:54:51 -07:00
rnn_cell.py
rnn_grad_test.py
rnn_grad.py
rnn.py Use TensorShape.assert_is_compatible_with instead of merge_with 2020-10-09 11:28:09 +01:00
script_ops_test.py
script_ops.py Add python/lib BUILD and refactor python/BUILD 2020-12-10 12:42:17 -08:00
sdca_ops.py
session_ops.py
sets_impl.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
sets.py
sobol_ops_test.py Change the default dtype for SobolSample op to float32. 2020-01-28 02:26:47 -08:00
sort_ops_test.py
sort_ops.py Add examples for tf.sort, tf.argsort and tf.searchsorted. 2020-11-18 18:06:00 -08:00
sparse_grad.py
sparse_ops_test.py Fix heap buffer overflow in tf.raw_ops.SparseFillEmptyRowsGrad. 2020-09-18 18:53:02 -07:00
sparse_ops.py Rolling forward change by fixing issue with lack of dispatch for & and | 2020-12-02 00:09:03 -08:00
special_math_ops_test.py Fix tests when TF32 is enabled 2020-08-13 21:17:36 -07:00
special_math_ops.py Convert tf.einsum docstring to use doctest. 2020-09-21 10:43:21 -07:00
split_benchmark.py
standard_ops.py
state_grad.py Adding CPU kernels for tf.scatter_nd(), tf.scatter_nd_update(), tf.scatter_nd_add(), tf.scatter_nd_sub(), tf.scatter_nd_mul() and tf.scatter_nd_div() as well as gradient functions for tf.scatter_nd() and tf.gather_nd() 2016-11-02 17:10:10 -07:00
state_ops.py Exposes the already-implemented variable scatter_div, scatter_mul, scatter_min, and scatter_max operations in the variables API. Also fixes some documentation, and adds tests that directly check the var.scatter_* methods. 2019-06-04 20:05:39 -07:00
stateful_random_ops_test.py Rationale: 2020-11-03 12:55:59 -08:00
stateful_random_ops.py Internal change 2020-09-17 21:37:45 -07:00
stateless_random_ops.py Reverts stateless_random_normal to use old op because the new op can OOM on TPU due to excessive padding. 2020-10-27 10:20:56 -07:00
string_ops.py Rolling forward change by fixing issue with lack of dispatch for & and | 2020-12-02 00:09:03 -08:00
summary_op_util.py
summary_ops_v2.py Add guidance to documentation on when to use a callable for record_if. 2020-12-17 17:54:11 -08:00
template.py
tensor_array_grad.py Fix race condition in TensorArrayWrite grad. 2020-03-28 10:06:18 -07:00
tensor_array_ops_test.py Allow TensorArray to be initialized with numpy array for shape. 2020-10-22 05:39:39 -07:00
tensor_array_ops.py Add TypeSpec to JSON encoder/Decoder 2020-12-02 16:26:53 -08:00
tensor_forest_ops.py Merge pull request from yupbank:add-tensor-forest-classification-inference 2018-11-19 13:39:31 -08:00
transpose_benchmark.py
unconnected_gradients.py
variable_scope.py Add callable wrapper to CheckpointValueInitializer so that we can delay the variable restore until after variable creation scopes have been called. 2020-09-01 15:42:47 -07:00
variable_spec_test.py Add Variable encoding so that functions with variable arguments can be saved to SavedModel. 2019-10-31 16:41:04 -07:00
variables.py add BUILD file for python/util and refactor python/BUILD 2020-12-15 11:43:18 -08:00
weights_broadcast_ops.py Update metrics to better support tensors that are not fully defined 2020-11-11 09:36:16 -08:00
while_v2_indexed_slices_rewriter.py Replace instances of "whitelist" with "allowlist" where possible. See Google Developer guidelines at https://developers.google.com/style/word-list#blacklist for more information. 2020-07-08 10:13:43 -07:00
while_v2.py while_v2: Move more reduction ops to forward graph 2020-12-15 15:09:10 -08:00