STT-tensorflow/tensorflow/python/ops
2021-02-19 09:13:35 -08:00
..
distributions PY2 removal cleanup 2021-01-15 16:48:57 -08:00
linalg PY2 removal cleanup 2021-01-15 16:48:57 -08:00
losses PY2 removal cleanup 2021-01-20 17:11:44 -08:00
numpy_ops Disable Python test due to error executing EagerPyFunc op in TFRT graph mode. 2021-02-17 13:01:20 -08:00
parallel_for Disable a Python test for TFRT due to MLIR lowering issue. 2021-02-16 15:56:05 -08:00
ragged Fix issue where tf.ragged.stack([tensor]) would return a Tensor rather than a RaggedTensor. 2021-02-17 10:49:01 -08:00
risc Expand risc ops and update shape function for binary ops. 2021-01-22 15:56:21 -08:00
signal PY2 removal cleanup 2021-01-15 16:48:57 -08:00
structured Fixing an error in from_pyval, from_fields. 2021-02-03 15:30:37 -08:00
v1_compat_tests Remove redundant use_gpu=True params 2021-02-12 22:16:16 -08: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 reorder 'size_splits' in array_ops.split to prevent creating redundant tensor in graph mode 2021-02-05 13:35:40 +09:00
batch_norm_benchmark.py
batch_ops_test.py Fix bug in BatchFunction when run on GPU. 2021-02-16 16:44:00 -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 Remove unused "sess" variables from tests; NFC 2021-02-15 11:13:57 -08:00
bitwise_ops.py
boosted_trees_ops.py Best feature split operates on a list of tensors. 2019-12-26 17:27:29 -08:00
candidate_sampling_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
check_ops.py Also, start with the eager example before tf.function. 2021-02-02 15:49:13 -08: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 Remove redundant test. 2021-02-03 16:30:29 -08:00
collective_ops_test.py Disable a few failing tests in tensorflow.v2_tfrt and fix tensorflow/python/ops/ragged:ragged_map_fn_op_test. 2021-01-12 14:56:59 -08: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 Internal symbol name change. 2021-01-05 14:15:45 -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 Change 'must a Tensor' to 'must be a Tensor' in TypeError message 2021-01-29 19:24:50 +00: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 minor spelling tweaks 2020-02-11 15:09:21 +09:00
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
custom_gradient.py Update custom_gradient.py 2021-01-06 13:36:30 +05:30
data_flow_grad.py
data_flow_ops.py minor spelling tweaks 2020-02-11 15:09:21 +09:00
default_gradient.py Support taking gradients of tf.cond and tf.while_loop using LookupTable. 2019-10-28 11:06:28 -07:00
dequantize_op_test.py
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
gradients_impl.py Merge pull request from HughKu:fix/HessiansV2 2020-07-14 14:34:42 -07:00
gradients_test.py Remove redundant use_gpu=True params 2021-02-12 22:16:16 -08: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 Remove redundant use_gpu=True params 2021-02-12 22:16:16 -08: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 Remove unused "sess" variables from tests; NFC 2021-02-15 11:13:57 -08: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 Merge pull request from yongtang:45324-tf.image.central_crop 2021-02-15 12:10:37 -08:00
image_ops_test.py Merge pull request from yongtang:45324-tf.image.central_crop 2021-02-15 12:10:37 -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 [*.py,tensorflow/cc/framework/cc_op_gen.cc] Rename "Arguments:" to "Args:" 2020-12-22 09:24:04 +11:00
init_ops.py [*.py,tensorflow/cc/framework/cc_op_gen.cc] Rename "Arguments:" to "Args:" 2020-12-22 09:24:04 +11:00
initializers_ns.py
inplace_ops.py
io_ops.py
linalg_grad.py Add gradient for complex qr. 2020-12-07 19:46:56 -05:00
linalg_ops_impl.py
linalg_ops.py Small documentation clarification. 2020-10-08 12:48:19 -07:00
list_ops.py Internal symbol name change. 2021-01-05 14:15:45 -08:00
logging_ops.py Internal symbol name change. 2021-01-05 14:15:45 -08:00
lookup_ops.py Making sure that recently introduced offset argument for the InitializeTableFromTextFile op is handled in a backwards / forwards compatible manner. 2021-02-19 09:13:35 -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 Remove ndarray wrapper from TF Numpy. We return tensors directly. 2021-02-04 19:20:27 -08:00
map_ops.py Merge pull request from kttian:list_keys 2020-08-25 10:12:32 -07:00
math_grad_test.py Remove redundant use_gpu=True params 2021-02-12 22:16:16 -08:00
math_grad.py Internal symbol name change. 2021-01-05 14:15:45 -08: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 Fix split codeblock rendering issue 2021-02-16 09:06:36 -08:00
matmul_benchmark.py
metrics_impl.py minor spelling tweaks 2020-02-11 15:09:21 +09:00
metrics.py
nccl_ops_test.py Remove unused "sess" variables from tests; NFC 2021-02-15 11:13:57 -08: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 Update nn_impl.py 2021-02-03 19:09:54 +05:30
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 Remove link to non-existent doc. 2021-01-19 11:35:28 -08:00
nn_test.py Set the default value for the use_gpu-param to True in test utilities 2021-02-10 22:58:39 -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 [*.py,tensorflow/cc/framework/cc_op_gen.cc] Rename "Arguments:" to "Args:" 2020-12-22 09:24:04 +11:00
optional_grad.py
parsing_config.py Mentions key if tf.Feature parsing fails due to unsupported value. 2021-01-29 14:18:26 -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
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 [rollback] Use self.handle inside ResourceVariable to allow tf.distribute to customize 2021-02-09 11:01:03 -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 Fix: fixed LSTMBlockCell cuda kernel 2020-02-12 19:36:04 +03:00
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 Merge pull request from fsx950223:script-fix 2020-01-22 07:10:12 -08:00
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 Export the TF Session classes and functions from C++ to Python with pybind11 instead of swig. This is part of a larger effort to deprecate swig and eventually with modularization break pywrap_tensorflow into smaller components. It will also make exporting C++ ops to Python significantly easier. XLA is using the pybind11 macros already. Please refer to https://github.com/tensorflow/community/blob/master/rfcs/20190208-pybind11.md for more information. 2020-01-29 18:29:05 -08:00
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 sparse_concat for how it handles output tensor shape. 2021-01-07 12:17:29 -08:00
sparse_ops.py Fix sparse_concat for how it handles output tensor shape. 2021-01-07 12:17:29 -08:00
special_math_ops_test.py Remove redundant use_gpu=True params 2021-02-12 22:16:16 -08: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 Export tftrt python symbols. 2019-11-07 14:07:32 -08:00
state_grad.py
state_ops.py
stateful_random_ops_test.py Allows creating tf.random.Generator under distribution-strategy scopes. Different replicas will get different random-number streams. 2021-01-08 15:58:22 -08:00
stateful_random_ops.py Allows creating tf.random.Generator under distribution-strategy scopes. Different replicas will get different random-number streams. 2021-01-08 15:58:22 -08:00
stateless_random_ops.py Fix graph_rewriter_test by extending compatibility horizon after compatibility window change in 16b28cd4c5. 2021-02-10 17:57:07 -08:00
string_ops.py Internal symbol name change. 2021-01-05 14:15:45 -08:00
summary_op_util.py Add skip_on_eager flag to ops.name_scope 2019-11-11 05:08:32 -08:00
summary_ops_v2.py Disable summary step error when summaries are disabled. 2021-02-18 00:55:22 -08:00
template.py minor spelling tweaks 2020-02-11 15:09:21 +09:00
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
transpose_benchmark.py
unconnected_gradients.py
variable_scope.py Added the command, tf.compat.v1.disable_eager_execution as the Variable Scope works as expected in Graph Mode 2021-01-04 20:40:51 -08: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 Internal symbol name change. 2021-01-05 14:15:45 -08:00