.. |
distributions
|
Merge pull request #36617 from marload:master
|
2020-02-13 08:08:40 -08:00 |
linalg
|
PR #43819: Fix operator check
|
2020-10-07 13:11:50 -07:00 |
losses
|
Fix ReductionV2 documentation symbol discrepancy.
|
2020-10-02 17:11:44 -07:00 |
numpy_ops
|
Adds text-generation colab to numpy_ops/g3doc.
|
2020-10-21 20:11:26 -07:00 |
parallel_for
|
Add a pfor converter for TensorListPopBack
|
2020-10-21 11:37:34 -07:00 |
ragged
|
In RaggedTensor.to_tensor(), allow shape to be a list whose elements are ints or tensors.
|
2020-10-21 07:56:58 -07:00 |
signal
|
Merge pull request #42269 from WindQAQ:fix-stft-frame
|
2020-08-12 20:01:17 -07:00 |
structured
|
Adds with_updates method to StructuredTensor .
|
2020-08-08 01:28:38 -07:00 |
v1_compat_tests
|
Enable more TFRT test targets that are newly passing
|
2020-09-23 11:44:50 -07:00 |
accumulate_n_benchmark.py
|
|
|
array_grad.py
|
avoid hard code device for custom device.
|
2020-10-19 14:30:27 -07:00 |
array_ops_test.py
|
Remove v1 only decorator
|
2020-07-28 13:28:49 -07:00 |
array_ops.py
|
Create a V2 Op to stop the gradient when the input is out of range.
|
2020-10-12 10:39:36 -07:00 |
batch_norm_benchmark.py
|
|
|
batch_ops_test.py
|
Move away from deprecated asserts
|
2020-06-30 16:10:22 -07: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
|
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
|
[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
|
Fix typo in tf.clip_by_value documentation
|
2020-07-07 12:11:28 -07:00 |
clustering_ops_test.py
|
Move away from deprecated asserts
|
2020-06-30 16:10:22 -07:00 |
clustering_ops.py
|
Use arg 'axis' instead of deprecated arg 'dim'
|
2019-09-16 22:35:50 -04:00 |
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
|
Remove run_deprecated_v1 annotations from collective ops tests.
|
2020-06-25 14:17:09 -07:00 |
collective_ops.py
|
[rollback]Add ordering_token input to collective to leverage AutoControlDependency to order them
|
2020-10-21 19:43:47 -07:00 |
concat_benchmark.py
|
|
|
cond_v2.py
|
Rolls back cl/338294004 and part of cl/338299497
|
2020-10-21 19:58:10 -07: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
|
Remove unnecessary eval() calls
|
2020-06-30 17:18:32 -07:00 |
control_flow_ops.py
|
Always execute the default branch in xla case for execute_fn_for_device
|
2020-09-08 15:07:43 -07: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
|
Rolls back cl/338294004 and part of cl/338299497
|
2020-10-21 19:58:10 -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
|
[TF CriticalSection] Make deadlock detection friendly for non-distributed eager execution.
|
2019-08-29 11:04:17 -07:00 |
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
|
pfor: Stop tiling/untiling TensorLists
|
2020-10-08 15:45:56 -07: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
|
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
|
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
|
Rollforward: Support CompositeTensor in functional If/While
|
2020-09-23 18:09:30 -07:00 |
gradient_checker_v2_test.py
|
Move away from deprecated asserts
|
2020-06-30 16:10:22 -07:00 |
gradient_checker_v2.py
|
Removes the special case for bfloat16 in gradient_checker_v2, which causes an infinite loop and doesn't help with anything (if the function returns bfloat16, the precision has already been lost).
|
2020-06-01 15:48:09 -07:00 |
gradient_checker.py
|
|
|
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 higher-order tape gradients of cond and case
|
2020-10-19 13:54:11 -07:00 |
gradients.py
|
Forwardprop: add a public API
|
2019-10-09 19:40:16 -07:00 |
handle_data_util.py
|
pfor: Stop tiling/untiling TensorLists
|
2020-10-08 15:45:56 -07:00 |
histogram_ops_test.py
|
Move away from deprecated asserts
|
2020-06-30 16:10:22 -07:00 |
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
|
Merge pull request #39243 from duncanriach:deterministic-image-resize-bilinear
|
2020-09-22 08:54:54 -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 DecodeImage issue where decoding animated GIF fails if first frame does not fill the canvas.
|
2020-10-19 04:44:25 -07:00 |
image_ops_test.py
|
Eager execution coverage for image_ops_test.py. Removed run_deprecated_v1 decorators.
|
2020-10-21 16:19:07 -07: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
|
Modify some v2 initializers to be able to return a value that corresponds to a partition of the entire value. This is useful for efficiently initializing sharded variables where only a shard of the initial value is necessary at a time.
|
2020-10-21 18:20:24 -07:00 |
init_ops_v2.py
|
Modify some v2 initializers to be able to return a value that corresponds to a partition of the entire value. This is useful for efficiently initializing sharded variables where only a shard of the initial value is necessary at a time.
|
2020-10-21 18:20:24 -07:00 |
init_ops.py
|
Fix more docstrings to be compatible with the doctest format.
|
2019-09-05 12:20:29 -07:00 |
initializers_ns.py
|
|
|
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
|
|
|
linalg_ops.py
|
Small documentation clarification.
|
2020-10-08 12:48:19 -07:00 |
list_ops.py
|
pfor: Stop tiling/untiling TensorLists
|
2020-10-08 15:45:56 -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
|
Merge pull request #43269 from rhdong:Mutablehashtable lookup support full size dynamic default values.
|
2020-12-21 11:10:07 +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
|
Preserve static information about outer dimension size in tf.map_fn with ragged/sparse outputs.
|
2020-09-25 08:53:31 -07:00 |
map_ops.py
|
Merge pull request #42300 from kttian:list_keys
|
2020-08-25 10:12:32 -07:00 |
math_grad_test.py
|
Remove unnecessary eval() calls
|
2020-06-30 17:18:32 -07:00 |
math_grad.py
|
Fix extraneous depecation message caused by setdiff1d
|
2020-09-03 22:42:52 +00: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
|
Update Eigen to:
|
2020-10-15 20:07:06 -07:00 |
matmul_benchmark.py
|
|
|
metrics_impl.py
|
minor spelling tweaks
|
2020-02-11 15:09:21 +09:00 |
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
|
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_impl.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_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
|
Merge pull request #42324 from aavishkarmishra:patch-2
|
2020-10-07 16:15:58 -07:00 |
nn_test.py
|
Validate that DataFormat* attributes form a permutation.
|
2020-12-08 17:31:54 -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
|
minor spelling tweaks
|
2020-02-11 15:09:21 +09:00 |
op_selector.py
|
Replace list comprehension with generator expressions.
|
2019-12-16 12:26:12 -08:00 |
optional_grad.py
|
|
|
parsing_config.py
|
Remove circular dependencies by removing submodule imports from ragged package.
|
2020-03-06 18:26:12 -08:00 |
parsing_ops.py
|
Add dispatch support to more Python APIs.
|
2020-05-15 11:03:18 -07: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
|
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
|
Add StatelessParameterizedTruncatedNormal sampler.
|
2020-06-18 10:28:38 -07:00 |
random_ops.py
|
Add stateless_random_crop to tf.image API; it is a deterministic version of tf.image.random_crop . Given the same seed, stateless_random_crop guarantees the same results independent of how many times it is called, and independent of global seed settings.
|
2020-08-10 19:32:11 -07:00 |
raw_ops_test.py
|
Prevent segfault in GetSessionHandle{,V2} .
|
2020-09-18 16:30:02 -07:00 |
resource_variable_ops.py
|
pfor: Stop tiling/untiling TensorLists
|
2020-10-08 15:45:56 -07: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
|
Add dispatch support to more Python APIs.
|
2020-05-15 11:03:18 -07:00 |
script_ops_test.py
|
Merge pull request #35973 from fsx950223:script-fix
|
2020-01-22 07:10:12 -08:00 |
script_ops.py
|
Merge pull request #41981 from lithuak:iss35342-take-two
|
2020-09-02 11:19:25 -07: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
|
tf.numpy: Change a bunch of ops to handle unknown shapes.
|
2020-06-15 23:04:26 -07: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
|
Merge pull request #40368 from ngc92:map_values
|
2020-07-20 14:17:17 -07: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
|
Export tftrt python symbols.
|
2019-11-07 14:07:32 -08:00 |
state_grad.py
|
|
|
state_ops.py
|
|
|
stateful_random_ops_test.py
|
Internal change
|
2020-09-17 21:37:45 -07:00 |
stateful_random_ops.py
|
Internal change
|
2020-09-17 21:37:45 -07:00 |
stateless_random_ops.py
|
Internal change
|
2020-09-17 21:37:45 -07:00 |
string_ops.py
|
Add dispatch support to more Python APIs.
|
2020-05-15 11:03:18 -07: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
|
[Cherrypick:2.4] Fix an exception when profiler is stopped twice
|
2021-01-12 11:50:29 -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
|
Add test case for TensorArray concat.
|
2019-12-05 17:35:04 -08:00 |
tensor_array_ops.py
|
Fix tensor array ops colocation when no explicit devices are set on the handle.
|
2020-09-08 10:48:46 -07:00 |
tensor_forest_ops.py
|
|
|
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 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 |
weights_broadcast_ops.py
|
|
|
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
|
Rolls back cl/338294004 and part of cl/338299497
|
2020-10-21 19:58:10 -07:00 |