.. |
boosted_trees
|
Improve the bucket generation in Boosted Trees to avoid returning more than requested buckets.
|
2020-05-19 16:02:46 -07:00 |
distributions
|
Re-enable multinomial_test, no longer flaky.
|
2020-04-30 13:06:51 -07:00 |
linalg
|
Re-enable linear_operator_kronecker_test_xla_gpu
|
2020-04-06 14:24:04 -07:00 |
proto
|
Ensure that tf_py_test tfrt test is not enabled for open source build by introducing tfrt_enabled_internal flag.
|
2020-05-18 10:41:10 -07:00 |
random
|
Add StatelessParameterizedTruncatedNormal sampler.
|
2020-06-18 10:28:38 -07:00 |
signal
|
Clean up linspace implementation, support num=0 and integer dtypes
|
2020-05-28 16:19:32 -07:00 |
testdata
|
…
|
|
BUILD
|
Add StatelessParameterizedTruncatedNormal sampler.
|
2020-06-18 10:28:38 -07:00 |
__init__.py
|
…
|
|
ackermann_op.cc
|
…
|
|
ackermann_test.py
|
…
|
|
aggregate_ops_test.py
|
…
|
|
argmax_op_test.py
|
Support argmin/argmax of boolean tensors on CPUs and GPUs.
|
2020-04-14 13:37:21 -07:00 |
array_ops_test.py
|
Merge pull request #40214 from yongtang:40204-tf.unravel_index
|
2020-06-09 13:32:49 -07:00 |
as_string_op_test.py
|
…
|
|
atrous_conv2d_test.py
|
…
|
|
atrous_convolution_test.py
|
…
|
|
attention_ops_test.py
|
Merge pull request #38549 from yongtang:12829-extract_glimpse
|
2020-05-21 12:14:19 -07:00 |
banded_triangular_solve_op_test.py
|
Add banded triangular solve op.
|
2020-06-18 10:03:35 -07:00 |
barrier_ops_test.py
|
…
|
|
base64_ops_test.py
|
…
|
|
basic_gpu_test.py
|
Replace list comprehension with generator expressions.
|
2019-12-16 12:26:12 -08:00 |
batch_gather_op_test.py
|
…
|
|
batch_matmul_op_test.py
|
Merge pull request #35666 from ROCmSoftwarePlatform:google_upstream_rocblas_complex
|
2020-04-01 10:59:11 -07:00 |
batch_scatter_ops_test.py
|
…
|
|
batchtospace_op_test.py
|
…
|
|
bcast_ops_test.py
|
…
|
|
benchmark_test.py
|
…
|
|
betainc_op_test.py
|
Change XLA's default to disable cpu_fast_math options with the exception of min_max behavior.
|
2020-05-15 13:11:47 -07:00 |
bias_op_base.py
|
Merge pull request #33803 from duncanriach:bias_add_test_eager_mode
|
2020-02-12 11:02:06 -08:00 |
bias_op_deterministic_test.py
|
Merge pull request #33803 from duncanriach:bias_add_test_eager_mode
|
2020-02-12 11:02:06 -08:00 |
bias_op_test.py
|
…
|
|
bincount_op_test.py
|
use bincount_v2 in tf.math.bincount, support axis and binary_output, and support int64.
|
2020-05-20 15:55:06 -07:00 |
bitcast_op_test.py
|
…
|
|
broadcast_to_ops_test.py
|
…
|
|
bucketize_op_test.py
|
…
|
|
candidate_sampler_ops_test.py
|
…
|
|
cast_op_test.py
|
Internal change
|
2020-01-22 09:29:31 -08:00 |
check_ops_test.py
|
Merge pull request #39825 from yongtang:39815-tf.debugging.assert_near-complex
|
2020-05-27 09:23:29 -07:00 |
checkpoint_ops_test.py
|
Small adjustments on import spacing.
|
2019-12-18 20:32:12 -08:00 |
cholesky_op_test.py
|
Enable gradient tests for tf.linalg.cholesky in eager mode.
|
2020-05-21 13:02:37 -07:00 |
clip_ops_test.py
|
Enable disabled clip_by_value tests
|
2020-06-04 08:58:11 -07:00 |
compare_and_bitpack_op_test.py
|
…
|
|
concat_op_test.py
|
…
|
|
cond_v2_test.py
|
Do not propagate parent name_scope in v2 control flow when inside v1 graph since that would break existing TF2 estimator models.
|
2020-03-19 12:46:36 -07:00 |
conditional_accumulator_test.py
|
…
|
|
confusion_matrix_test.py
|
Merge remote-tracking branch 'upstream/master' into constant_from_identity
|
2020-04-22 20:02:22 +03:00 |
constant_op_eager_test.py
|
…
|
|
constant_op_test.py
|
…
|
|
control_flow_ops_py_test.py
|
Make sure there is a control dependency from the v1 while_loop pivot to the Const nodes created inside functional ops.
|
2020-03-25 14:49:44 -07:00 |
control_flow_util_test.py
|
…
|
|
control_flow_util_v2_test.py
|
…
|
|
conv1d_test.py
|
[TF] Add extra batch dim support to tf.nn.conv{1,3}d and keras.layers.Conv{1,3}D.
|
2020-06-04 09:07:40 -07:00 |
conv1d_transpose_test.py
|
…
|
|
conv2d_backprop_filter_grad_test.py
|
…
|
|
conv2d_transpose_test.py
|
…
|
|
conv3d_backprop_filter_v2_grad_test.py
|
…
|
|
conv3d_transpose_test.py
|
…
|
|
conv_ops_3d_test.py
|
[TF] Add extra batch dim support to tf.nn.conv{1,3}d and keras.layers.Conv{1,3}D.
|
2020-06-04 09:07:40 -07:00 |
conv_ops_test.py
|
[TF] Add support for more than one outer batch dimension to tf.nn.convolution.
|
2020-05-21 13:57:52 -07:00 |
critical_section_test.py
|
minor spelling tweaks
|
2020-02-11 15:09:21 +09:00 |
cross_grad_test.py
|
…
|
|
ctc_decoder_ops_test.py
|
…
|
|
ctc_loss_op_test.py
|
PR #37679: Support two CUDNN CTC Loss algorithms
|
2020-04-10 14:15:07 -07:00 |
cudnn_deterministic_base.py
|
Merge pull request #34951 from duncanriach:multi-algorithm-deterministic-cudnn-convolutions
|
2020-01-31 00:51:48 -08:00 |
cudnn_deterministic_ops_test.py
|
…
|
|
cudnn_deterministic_test.py
|
…
|
|
cumulative_logsumexp_test.py
|
Modified `cumulative_logsumexp` to improve handling of `-inf` elements.
|
2020-04-20 14:26:19 -07:00 |
cwise_ops_binary_test.py
|
Fix the gradient of x**0 wrt the base (it's now zero instead of NaN) for real dtypes when x is 0 or NaN.
|
2020-05-04 11:52:14 -07:00 |
cwise_ops_test.py
|
Use subTest to improve error reporting on test failures in cwise_ops_test.py.
|
2020-05-07 13:13:01 -07:00 |
cwise_ops_unary_test.py
|
Expand dtype support for Neg
|
2020-06-18 20:31:51 -07:00 |
decode_bmp_op_test.py
|
…
|
|
decode_compressed_op_test.py
|
…
|
|
decode_csv_op_test.py
|
…
|
|
decode_image_op_test.py
|
Automated rollback of commit 5fc1ad961b
|
2020-02-20 15:11:51 -08:00 |
decode_jpeg_op_test.py
|
Fix decode_jpeg_op_test benchmark.
|
2020-02-12 12:20:08 -08:00 |
decode_png_op_test.py
|
…
|
|
decode_raw_op_test.py
|
Merge pull request #40674 from lgeiger:numpy-tostring
|
2020-06-22 14:30:11 -07:00 |
denormal_test.py
|
Flush denormals to zero in eager mode.
|
2020-05-13 11:10:02 -07:00 |
dense_update_ops_no_tsan_test.py
|
…
|
|
dense_update_ops_test.py
|
Changing cuda* names to gpu* names in a couple of tests
|
2020-01-18 17:45:46 +00:00 |
depthtospace_op_test.py
|
…
|
|
depthwise_conv_op_test.py
|
Add explicit padding to depthwise conv2d.
|
2020-03-24 12:28:49 -07:00 |
determinant_op_test.py
|
…
|
|
diag_op_test.py
|
Remove forward_compatibility / forward_compatible checks for dates that have already passed.
|
2020-01-02 16:14:15 -08:00 |
division_future_test.py
|
…
|
|
division_past_test.py
|
…
|
|
draw_bounding_box_op_test.py
|
…
|
|
duplicate_op.cc
|
…
|
|
duplicate_op_test.py
|
…
|
|
dynamic_partition_op_test.py
|
…
|
|
dynamic_stitch_op_test.py
|
…
|
|
edit_distance_op_test.py
|
…
|
|
eig_op_test.py
|
Merge pull request #33808 from Randl:eig_grad2
|
2020-04-15 08:43:16 -07:00 |
einsum_op_test.py
|
Use subTest on einsum_test to make errors easier to understand.
|
2020-05-14 14:37:16 -07:00 |
embedding_ops_test.py
|
Update `tf.embedding_lookup` to use `partition_strategy` and `max_norm` when `ids` is ragged. (Prior to this change, these two parameters were ignored for ragged `ids` values.)
|
2020-02-05 19:49:46 -08:00 |
extract_image_patches_grad_test.py
|
…
|
|
extract_image_patches_op_test.py
|
Update test case and set non-zero imag part of the complex number
|
2020-01-21 20:42:20 +00:00 |
extract_volume_patches_grad_test.py
|
…
|
|
extract_volume_patches_op_test.py
|
…
|
|
fifo_queue_test.py
|
Add an internal GPU-compatible version of FIFOQueue.
|
2020-01-06 10:10:52 -08:00 |
fingerprint_op_test.py
|
…
|
|
fractional_avg_pool_op_test.py
|
…
|
|
fractional_max_pool_op_test.py
|
minor spelling tweaks
|
2020-02-11 15:09:21 +09:00 |
functional_ops_test.py
|
Make "share_cluster_devices_in_session" non experimental.
|
2020-02-12 15:40:55 -08:00 |
garbage_collection_test.py
|
…
|
|
gather_nd_op_test.py
|
Remove stale forward compatibility horizons in unittests
|
2020-01-03 10:58:48 +01:00 |
gather_op_test.py
|
Improve error message when attributes are invalid
|
2020-06-05 11:35:08 -07:00 |
gradient_correctness_test.py
|
…
|
|
huge_slice_op_test.py
|
…
|
|
identity_n_op_py_test.py
|
…
|
|
identity_op_py_test.py
|
…
|
|
in_topk_op_test.py
|
Fix in_top_k on GPU with empty input.
|
2020-03-27 09:12:21 -07:00 |
init_ops_test.py
|
Merge pull request #35666 from ROCmSoftwarePlatform:google_upstream_rocblas_complex
|
2020-04-01 10:59:11 -07:00 |
inplace_ops_test.py
|
Make inplace_op behavior consistent on CPU/GPU, for empty tensors.
|
2020-01-28 12:36:00 -08:00 |
invalid_op.cc
|
…
|
|
invalid_op_test.py
|
…
|
|
io_ops_test.py
|
…
|
|
large_concat_op_test.py
|
…
|
|
linalg_grad_test.py
|
Add banded triangular solve op.
|
2020-06-18 10:03:35 -07:00 |
linalg_ops_test.py
|
Use subTest to improve error reporting on linear algebra ops.
|
2020-05-08 17:01:34 -07:00 |
list_ops_test.py
|
Handle case when `delement` is None in PopBackGrad.
|
2020-03-30 16:22:09 -07:00 |
listdiff_op_test.py
|
…
|
|
logging_ops_logging_level_test.py
|
…
|
|
logging_ops_test.py
|
Add support for bfloat16 in tf.print
|
2020-02-01 16:01:00 -08:00 |
lookup_ops_test.py
|
Allowing tf.lookup tables to be initialized from a Dataset
|
2020-03-02 15:41:42 -08:00 |
losses_test.py
|
…
|
|
lrn_op_test.py
|
…
|
|
lu_op_test.py
|
Enable tests for tf.linalg.lu in eager mode.
|
2020-05-18 12:43:11 -07:00 |
manip_ops_test.py
|
…
|
|
map_fn_test.py
|
Merge pull request #39541 from bhack:partial_decorate
|
2020-05-18 12:38:27 -07:00 |
map_stage_op_test.py
|
…
|
|
matmul_op_test.py
|
Merge pull request #35666 from ROCmSoftwarePlatform:google_upstream_rocblas_complex
|
2020-04-01 10:59:11 -07:00 |
matrix_band_part_op_test.py
|
Fix SyntaxWarnings on Python >= 3.8
|
2020-06-07 15:56:59 +02:00 |
matrix_exponential_op_test.py
|
Merge pull request #35666 from ROCmSoftwarePlatform:google_upstream_rocblas_complex
|
2020-04-01 10:59:11 -07:00 |
matrix_inverse_op_test.py
|
Enabling tests affected by support of complex GEMM and GEMV
|
2020-01-06 13:54:06 -08:00 |
matrix_logarithm_op_test.py
|
Enable tests for tf.linalg.matrix_logarithm in eager mode.
|
2020-05-21 15:58:32 -07:00 |
matrix_solve_ls_op_test.py
|
Fix SyntaxWarnings on Python >= 3.8
|
2020-06-07 15:56:59 +02:00 |
matrix_solve_op_test.py
|
Enable tf.linalg.matrix_solve tests in eager mode.
|
2020-05-15 17:23:07 -07:00 |
matrix_square_root_op_test.py
|
Enable tests for tf.linalg.matrix_square_root in eager mode.
|
2020-05-18 12:47:09 -07:00 |
matrix_triangular_solve_op_test.py
|
Add Broadcasted Matrix Triangular Solve.
|
2020-01-27 20:43:43 -08:00 |
metrics_test.py
|
minor spelling tweaks
|
2020-02-11 15:09:21 +09:00 |
morphological_ops_test.py
|
…
|
|
neon_depthwise_conv_op_test.py
|
…
|
|
norm_op_test.py
|
…
|
|
normalize_op_test.py
|
…
|
|
nth_element_op_test.py
|
…
|
|
numerics_test.py
|
Remove workarounds for XLA's previous inf/nan behavior after it's been fixed.
|
2020-05-28 03:56:21 -07:00 |
one_hot_op_test.py
|
Convert one_hot inputs to passed in dtype.
|
2020-02-21 18:16:21 -08:00 |
pad_op_test.py
|
…
|
|
padding_fifo_queue_test.py
|
…
|
|
parse_single_example_op_test.py
|
…
|
|
parsing_ops_test.py
|
Fix repeat, and add tests
|
2020-03-23 16:05:23 -07:00 |
partitioned_variables_test.py
|
…
|
|
pool_test.py
|
…
|
|
pooling_ops_3d_test.py
|
Don't crash in 3D pooling ops with empty batch size on GPU.
|
2020-05-26 17:33:38 -07:00 |
pooling_ops_test.py
|
[TF:XLA] Avoid lowering vector data formats in Maxpool through XLA.
|
2020-02-18 12:49:57 -08:00 |
priority_queue_test.py
|
…
|
|
py_func_test.py
|
minor spelling tweaks
|
2020-02-11 15:09:21 +09:00 |
qr_op_test.py
|
Enable gradient tests for tf.linalg.qr in eager mode.
|
2020-05-20 16:09:40 -07:00 |
reader_ops_test.py
|
Use resource_loader to access in-tree data.
|
2020-01-29 18:34:00 -08:00 |
record_input_test.py
|
…
|
|
reduce_benchmark_test.py
|
…
|
|
reduce_join_op_test.py
|
…
|
|
reduction_ops_test.py
|
…
|
|
reduction_ops_test_big.py
|
…
|
|
regex_full_match_op_test.py
|
Merge pull request #35498 from lgeiger:cleanup-fwd-compat-tests
|
2020-01-06 11:38:33 -08:00 |
regex_replace_op_test.py
|
…
|
|
relu_op_test.py
|
Add the ROCm GPU kernel for RELU int8x4
|
2020-01-11 15:42:14 -08:00 |
reshape_op_test.py
|
…
|
|
resource_variable_ops_test.py
|
[Cleanup] Remove allowed_devices of ResourceHandle since it's no longer used.
|
2020-06-22 13:18:43 -07:00 |
reverse_sequence_op_test.py
|
Fix argument check tests to work in eager mode
|
2020-05-18 15:53:45 -07:00 |
rnn_cell_test.py
|
[XLA] Improve numerical stability of Logistic.
|
2020-06-08 12:01:07 -07:00 |
rnn_test.py
|
Move keras related legacy RNN test to integration test.
|
2020-04-06 16:09:23 -07:00 |
save_restore_ops_test.py
|
…
|
|
scalar_test.py
|
Clean up OpKernel 1.
|
2020-01-29 15:49:57 -08:00 |
scan_ops_test.py
|
…
|
|
scatter_nd_ops_test.py
|
Add Registration for non-stateful scatter_nd_min and scatter_nd_max.
|
2020-06-03 11:05:54 -07:00 |
scatter_ops_test.py
|
minor spelling tweaks
|
2020-01-16 14:36:52 +09:00 |
segment_reduction_ops_test.py
|
[tf.sparse.segment_*()] Add missing kernel registrations for DT_INT64 indices.
|
2020-04-23 15:07:36 -07:00 |
self_adjoint_eig_op_test.py
|
Merge pull request #35666 from ROCmSoftwarePlatform:google_upstream_rocblas_complex
|
2020-04-01 10:59:11 -07:00 |
session_ops_test.py
|
…
|
|
sets_test.py
|
…
|
|
shape_ops_test.py
|
Add test case for uint32/uint64 support of tf.tile
|
2020-05-11 17:46:37 +00:00 |
slice_op_test.py
|
Explicitly specify input array `dtype` to TensorFlow's `assertAllEqual()` test util function.
|
2020-05-27 22:58:16 -07:00 |
softmax_op_test.py
|
Add missing softmax kernels
|
2020-06-03 18:59:16 -07:00 |
softplus_op_test.py
|
…
|
|
softsign_op_test.py
|
…
|
|
spacetobatch_op_test.py
|
…
|
|
spacetodepth_op_test.py
|
…
|
|
sparse_add_op_test.py
|
…
|
|
sparse_concat_op_test.py
|
…
|
|
sparse_conditional_accumulator_test.py
|
…
|
|
sparse_cross_op_test.py
|
Add SparseCrossV2 which supports strong_hash with salt, and fingerprint doens't
|
2020-05-18 17:28:14 -07:00 |
sparse_matmul_op_test.py
|
…
|
|
sparse_ops_test.py
|
Remove NumPy 1.13 workaround in test.
|
2020-02-18 17:36:39 -08:00 |
sparse_reorder_op_test.py
|
…
|
|
sparse_reshape_op_test.py
|
sparse_reshape(): Skip shape inference in Python if implied and zero dimensions coexist
|
2020-04-20 20:53:58 -07:00 |
sparse_serialization_ops_test.py
|
…
|
|
sparse_slice_op_test.py
|
…
|
|
sparse_split_op_test.py
|
…
|
|
sparse_tensor_dense_matmul_grad_test.py
|
…
|
|
sparse_tensor_dense_matmul_op_test.py
|
…
|
|
sparse_tensors_map_ops_test.py
|
…
|
|
sparse_to_dense_op_py_test.py
|
…
|
|
sparse_xent_op_test.py
|
Merge branch 'master' into sparse-xent-op-hessian
|
2020-01-23 17:50:37 -07:00 |
sparsemask_op_test.py
|
…
|
|
split_op_test.py
|
…
|
|
stack_op_test.py
|
Improve testing of the stack operation.
|
2020-04-24 19:27:23 -07:00 |
stack_ops_test.py
|
…
|
|
stage_op_test.py
|
…
|
|
string_bytes_split_op_test.py
|
Added tests to improve code coverage in ragged_string_ops.py
|
2020-03-05 15:58:47 -08:00 |
string_format_op_test.py
|
…
|
|
string_join_op_test.py
|
…
|
|
string_length_op_test.py
|
…
|
|
string_lower_op_test.py
|
…
|
|
string_split_op_test.py
|
Added tests to improve code coverage in ragged_string_ops.py
|
2020-03-05 15:58:47 -08:00 |
string_strip_op_test.py
|
…
|
|
string_to_hash_bucket_op_test.py
|
…
|
|
string_to_number_op_test.py
|
…
|
|
string_upper_op_test.py
|
…
|
|
substr_op_test.py
|
…
|
|
summary_ops_test.py
|
Move keras related summary_ops_test to keras/tests.
|
2020-04-14 19:14:05 -07:00 |
summary_v1_audio_op_test.py
|
…
|
|
summary_v1_image_op_test.py
|
…
|
|
summary_v1_ops_test.py
|
…
|
|
summary_v1_tensor_op_test.py
|
…
|
|
svd_op_test.py
|
Enable 1st order gradient tests for tf.linalg.svd in eager mode.
|
2020-05-21 15:54:12 -07:00 |
template_mirrored_strategy_test.py
|
Drop experimental and v2 qualifiers from Strategy experimental_run_v2 method.
|
2020-03-12 10:26:26 -07:00 |
template_test.py
|
Move keras model related template test case to keras model test.
|
2020-04-12 19:43:17 -07:00 |
tensor_array_ops_test.py
|
Enable tests blocked by b/117943489
|
2020-05-11 18:13:41 -07:00 |
tensor_priority_test.py
|
…
|
|
tensordot_op_test.py
|
Enable tests for tf.linalg.tensordot in eager mode.
|
2020-05-18 13:45:24 -07:00 |
topk_op_test.py
|
…
|
|
trace_op_test.py
|
…
|
|
transpose_op_test.py
|
Make tranpose_op_test.py use subTest for clearer test debugging.
|
2020-05-05 09:38:59 -07:00 |
tridiagonal_matmul_op_test.py
|
Small adjustments on import spacing.
|
2019-12-18 20:32:12 -08:00 |
tridiagonal_solve_op_test.py
|
Unlock XLA non pivoting tridiagonal solver for all back-ends.
|
2020-03-23 17:23:42 -07:00 |
unicode_decode_op_test.py
|
Fixed bug in tf.strings.unicode_decode where rank > ragged_rank + 1.
|
2020-03-05 14:09:18 -08:00 |
unicode_encode_op_test.py
|
Added tests to improve code coverage in ragged_string_ops.py
|
2020-03-05 15:58:47 -08:00 |
unicode_script_op_test.py
|
…
|
|
unicode_transcode_op_test.py
|
…
|
|
unique_op_test.py
|
Update gather_op_test and unique_op_test to use subTest for easier debugging.
|
2020-05-14 13:35:15 -07:00 |
unsorted_segment_join_op_test.py
|
…
|
|
unstack_op_test.py
|
Improve testing of tf.bool in tf.unstack op.
|
2020-04-23 12:57:20 -07:00 |
variable_ops_test.py
|
Merge pull request #39172 from yongtang:38848-remove-bool
|
2020-05-05 08:57:37 -07:00 |
variable_scope_test.py
|
Replace list comprehension with generator expressions.
|
2019-12-16 12:26:12 -08:00 |
variables_test.py
|
Enable //third_party/tensorflow/python/kernel_tests:variables_test_tfrt test
|
2020-06-11 14:32:10 -07:00 |
weights_broadcast_test.py
|
…
|
|
where_op_test.py
|
…
|
|
while_v2_test.py
|
[WhileV2] Fix potential stack overflow when kernels execute inline.
|
2020-04-30 11:34:40 -07:00 |
xent_op_test.py
|
Merge branch 'master' into sparse-xent-op-hessian
|
2020-02-06 22:30:07 -07:00 |
zero_division_test.py
|
Allow ZeroDivisionTest to run eagerly
|
2020-06-15 10:04:43 -07:00 |