.. |
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-15 16:48:57 -08:00 |
numpy_ops
|
PY2 removal cleanup
|
2021-01-15 16:48:57 -08:00 |
parallel_for
|
PY2 removal cleanup
|
2021-01-15 16:48:57 -08:00 |
ragged
|
PY2 removal cleanup
|
2021-01-15 16:48:57 -08:00 |
risc
|
PY2 removal cleanup
|
2021-01-15 16:48:57 -08:00 |
signal
|
PY2 removal cleanup
|
2021-01-15 16:48:57 -08:00 |
structured
|
PY2 removal cleanup
|
2021-01-15 16:48:57 -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
|
|
|
array_ops.py
|
Internal symbol name change.
|
2021-01-05 14:15:45 -08:00 |
batch_norm_benchmark.py
|
|
|
batch_ops_test.py
|
Have BatchFunction respect soft placement.
|
2021-01-05 13:37:08 -08:00 |
batch_ops.py
|
|
|
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
|
[TF:XLA] Enable some tests that were mistakenly disabled.
|
2019-02-13 14:02:32 -08:00 |
bitwise_ops.py
|
Removing @@ comments from core TensorFlow. They are no longer needed for exporting symbols to the TensorFlow API.
|
2018-04-26 11:31:14 -07:00 |
boosted_trees_ops.py
|
|
|
candidate_sampling_ops.py
|
|
|
check_ops.py
|
Adjust error message of tf.debugging.assert_type
|
2020-12-29 09:56: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
|
|
|
collective_ops_gpu_test.py
|
Add NcclManager::StartAbort
|
2020-09-18 13:27:17 -07: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
|
|
|
control_flow_ops_benchmark.py
|
|
|
control_flow_ops_test.py
|
Merge pull request #45386 from ROCmSoftwarePlatform:google_upstream_rocm_misc_update_201203
|
2020-12-09 07:38:17 -08:00 |
control_flow_ops.py
|
Internal symbol name change.
|
2021-01-05 14:15:45 -08:00 |
control_flow_state.py
|
|
|
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
|
Enable v2 control flow inside graph_mode in TF 2.0.
|
2019-08-02 20:04:13 -07:00 |
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
|
Add an experimental API to control behavior of outputting all intermediates when using v2 control flow inside Keras models in graph.
|
2019-08-02 15:48:06 -07:00 |
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
|
[TF CriticalSection] Make deadlock detection friendly for non-distributed eager execution.
|
2019-08-29 11:04:17 -07:00 |
ctc_ops.py
|
|
|
cudnn_rnn_grad.py
|
|
|
custom_gradient.py
|
Update custom_gradient.py
|
2021-01-06 13:36:30 +05:30 |
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
|
|
|
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
|
Add narrow_range to DequantizeOp
|
2019-09-30 19:26:31 -07:00 |
embedding_ops.py
|
|
|
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
|
|
|
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 #40109 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
|
Forwardprop: add a public API
|
2019-10-09 19:40:16 -07:00 |
handle_data_util.py
|
Set handle data of function inputs and outputs.
|
2020-12-07 20:55:03 -08:00 |
histogram_ops_test.py
|
|
|
histogram_ops.py
|
Merge pull request #38958 from yongtang:histogram-doc
|
2020-05-26 12:05:27 -07:00 |
image_grad_deterministic_test.py
|
Merge pull request #39243 from duncanriach:deterministic-image-resize-bilinear
|
2020-09-22 08:54:54 -07:00 |
image_grad_test_base.py
|
Add bfloat16 support to more image grad ops.
|
2021-01-05 19:06:06 -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
|
|
|
image_ops_impl.py
|
NMS padded op related - Add a note about potential OOM (depending on the system workload) if max_output_size is too large. Also add a test that checks that a proper error is thrown when max_output_size is larger than int32 max.
|
2021-01-02 16:56:55 -08:00 |
image_ops_test.py
|
NMS padded op related - Add a note about potential OOM (depending on the system workload) if max_output_size is too large. Also add a test that checks that a proper error is thrown when max_output_size is larger than int32 max.
|
2021-01-02 16:56:55 -08:00 |
image_ops.py
|
|
|
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 #45386 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
|
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
|
Deprecate tf.ReaderBase and related APIs.
|
2018-09-05 15:37:05 -07:00 |
linalg_grad.py
|
Add gradient for complex qr.
|
2020-12-07 19:46:56 -05: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
|
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
|
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 #42300 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
|
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
|
Internal symbol name change.
|
2021-01-05 14:15:45 -08:00 |
matmul_benchmark.py
|
Decorates a few more tests to pass in tf2 nightlies
|
2019-02-27 17:27:21 -08:00 |
metrics_impl.py
|
minor spelling tweaks
|
2020-02-11 15:09:21 +09:00 |
metrics.py
|
Removing @@ comments from core TensorFlow. They are no longer needed for exporting symbols to the TensorFlow API.
|
2018-04-26 11:31:14 -07:00 |
nccl_ops_test.py
|
Move away from deprecated asserts
|
2020-06-30 16:10:22 -07:00 |
nccl_ops.py
|
Make nccl work in eager mode: wrap nccl ops in a defun; remove control dependencies on NcclAllReduce
|
2019-01-10 16:54:05 -08:00 |
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
|
Fix API docs formatting issue.
|
2021-01-08 11:59:21 -08:00 |
nn_test.py
|
Validate that DataFormat* attributes form a permutation.
|
2020-12-07 11:25:52 -08:00 |
nn_xent_test.py
|
|
|
nn.py
|
Remove magic-doc-links from code.
|
2018-08-16 12:10:03 -07:00 |
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
|
cond_v2: use optional tensors instead of FakeParams.
|
2018-11-28 16:54:09 -08:00 |
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
|
Add 'narrow_range' and 'int axis' options to tf.quantize and_tf.dequantize to match tf.quantize_and_dequantize
|
2019-09-06 17:04:14 -07:00 |
random_grad.py
|
|
|
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
|
Make is_resource_variable() an tf.__internal__ API.
|
2021-01-11 17:54:23 -08:00 |
resources.py
|
Merge pull request #22136 from jackonan:master
|
2018-11-26 12:27:51 -08:00 |
rnn_cell_impl.py
|
|
|
rnn_cell_wrapper_impl.py
|
|
|
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
|
|
|
script_ops.py
|
Add python/lib BUILD and refactor python/BUILD
|
2020-12-10 12:42:17 -08:00 |
sdca_ops.py
|
Create SDCAOptimizerV2 op to fix the "adaptative" typo.
|
2018-10-09 09:44:34 -07:00 |
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
|
Removing @@ comments from core TensorFlow. They are no longer needed for exporting symbols to the TensorFlow API.
|
2018-04-26 11:31:14 -07:00 |
sobol_ops_test.py
|
|
|
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
|
Clean up uses of deprecated math_ops casts
|
2019-03-11 12:53:19 -07:00 |
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
|
|
|
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
|
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
|
Replaces uses of op StatelessRandomGetKeyCounterAlg with StatelessRandomGetKeyCounter and StatelessRandomGetAlg, so that seed is no longer required by XLA to be a compile-time constant.
|
2021-01-12 22:54:47 -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
|
Internal symbol name change.
|
2021-01-05 14:15:45 -08:00 |
template.py
|
|
|
tensor_array_grad.py
|
|
|
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
|
Fix transpose bug for large dimension.
|
2017-10-06 09:38:26 -07:00 |
unconnected_gradients.py
|
Extract UnconnectedGradients from gradients_impl to simplify dependencies
|
2018-10-25 03:52:16 -07:00 |
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
|
|
|
while_v2.py
|
Internal symbol name change.
|
2021-01-05 14:15:45 -08:00 |