STT-tensorflow/tensorflow/python/kernel_tests
A. Unique TensorFlower 034633f23b PY2 removal cleanup
PiperOrigin-RevId: 352106691
Change-Id: I382d53c64f0d29da430b8cb6d2395a2cb281509e
2021-01-15 16:48:57 -08:00
..
array_ops disable cuda-asan test 2020-11-20 15:12:00 -08:00
boosted_trees Disables //tensorflow/python/kernel_tests/boosted_trees:[training_ops_test,prediction_ops_test,resource_ops_test] on Mac OS because of segfaults. 2020-11-16 14:05:50 -08:00
distributions Adding no_rocm tag from unit-tests that are now failing on the ROCm platform 2020-11-25 02:06:27 +00:00
linalg Include all parameters in LinearOperatorLowRankUpdate batch shape calculation. 2021-01-08 07:13:59 -08:00
proto PY2 removal cleanup 2021-01-15 16:48:57 -08:00
random PY2 removal cleanup 2021-01-15 16:48:57 -08:00
signal PY2 removal cleanup 2021-01-15 16:48:57 -08:00
testdata
v1_compat_tests Removing run_deprecated_v1 and run_v1_only tags on tests for array_ops 2020-12-13 10:26:29 -08:00
__init__.py
ackermann_op.cc
ackermann_test.py Do not parse OpList in load_op_library 2019-10-01 02:14:50 -07:00
aggregate_ops_test.py AddN for variants adds in a tree structure (pairwise summation) 2020-11-02 09:11:55 -08:00
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 Removing run_deprecated_v1 and run_v1_only tags on tests for array_ops 2020-12-13 10:26:29 -08:00
as_string_op_test.py
atrous_conv2d_test.py Remove unnecessary eval() calls 2020-07-10 22:35:43 -07:00
atrous_convolution_test.py Diable a failling test. 2020-10-07 03:09:18 -07:00
attention_ops_test.py Merge pull request 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 Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
base64_ops_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
basic_gpu_test.py Add missing gradient_checker_v2.max_error() checks in tests. 2020-07-30 15:46:06 -07:00
batch_matmul_op_test.py Fix tests when TF32 is enabled 2020-08-13 21:17:36 -07:00
batch_scatter_ops_test.py Remove @test_util.run_deprecated_v1 in batch_scatter_ops_test.py 2020-07-30 23:48:36 -07:00
batchtospace_op_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
bcast_ops_test.py Remove @test_util.run_deprecated_v1 in bcast_ops_test.py 2020-07-30 14:32:08 -07:00
benchmark_test.py Add a sanity check on the benchmark runner to surface user errors in setting the benchmarks regex. 2020-07-16 13:51:21 -07:00
betainc_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
bias_op_base.py Merge pull request from duncanriach:bias_add_test_eager_mode 2020-02-12 11:02:06 -08:00
bias_op_deterministic_test.py Merge pull request from duncanriach:bias_add_test_eager_mode 2020-02-12 11:02:06 -08:00
bias_op_test.py Add deterministic tf.nn.bias_add functionality, TF_DETERMINISTIC_OPS environment variable, and associated tests. 2019-09-23 11:35:21 -07:00
bincount_op_test.py Fix tf.bincount errors in eager mode 2020-07-28 21:56:14 -07:00
bitcast_op_test.py Enable a few test targets for tfrt. Disable quantization test since we don't plan to have quantization support in the initial launch. 2020-10-02 19:28:21 -07:00
broadcast_to_ops_test.py Remove @test_util.run_deprecated_v1 in broadcast_to_ops_test.py 2020-07-30 19:00:38 -07:00
bucketize_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
BUILD PY2 removal cleanup 2021-01-15 16:48:57 -08:00
candidate_sampler_ops_test.py
cast_op_test.py Add missing gradient_checker_v2.max_error() checks in tests. 2020-07-30 15:46:06 -07:00
check_ops_test.py Merge pull request from yongtang:45975-tf.debugging.assert_type 2021-01-02 15:52:22 -08:00
checkpoint_ops_test.py Small adjustments on import spacing. 2019-12-18 20:32:12 -08:00
cholesky_op_test.py Merge pull request from reedwm:tf32_test_fix 2020-08-26 10:50:55 -07:00
clip_ops_test.py Add bfloat16 support to more cwise CPU ops 2020-08-06 09:48:01 -07:00
collective_ops_multi_worker_test.py Fix CollectiveOpTest.testCheckHealth failures in OSS 2020-10-23 14:22:46 -07:00
collective_ops_test.py Add CollectiveBcastSend/RecvV2 which takes input tensors rather than attributes. 2020-12-17 10:45:19 -08:00
compare_and_bitpack_op_test.py
concat_op_test.py Improve GPU dtype coverage of concat 2020-09-24 00:52:50 -07:00
cond_v2_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
conditional_accumulator_test.py
confusion_matrix_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
constant_op_eager_test.py Implement error code in TFRT and propagate proper error code to c_api_tfrt. 2020-09-29 22:24:58 -07:00
constant_op_test.py Add tf.qint32 support for tf.zeros 2021-01-10 05:01:12 +00:00
control_flow_ops_py_test.py Rollback changelist 338246477 2020-12-09 09:23:02 -08: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 Added int32 supports for Conv2D and Conv2DBackpropInput ops. 2019-10-21 17:27:50 -07:00
conv3d_backprop_filter_v2_grad_test.py
conv3d_transpose_test.py
conv_ops_3d_test.py Use TensorFloat-32 instead of TF32 in comments and symbols. 2020-09-08 17:38:28 -07:00
conv_ops_test.py Merge pull request from Intel-tensorflow:amin/inplace-fix 2020-10-09 14:23:18 -07:00
critical_section_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
cross_grad_test.py
ctc_decoder_ops_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
ctc_loss_op_test.py fix typos in python directory 2020-10-29 16:21:24 +03:00
cudnn_deterministic_base.py Merge pull request from duncanriach:multi-algorithm-deterministic-cudnn-convolutions 2020-01-31 00:51:48 -08:00
cudnn_deterministic_ops_test.py Merge pull request from duncanriach:deterministic_bias_add 2019-10-17 00:50:57 -07:00
cudnn_deterministic_test.py Merge pull request from duncanriach:deterministic_bias_add 2019-10-17 00:50:57 -07:00
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 Handle negative integer powers of 1 and -1. 2021-01-15 07:06:04 -08:00
cwise_ops_test.py Make tf.min, tf.max always propagate NaNs. Previously these ops followed the semantics of std::min and std:max and forwarded the first argument if either was NaN. 2020-10-20 21:29:20 -07:00
cwise_ops_unary_test.py PR : [INTEL MKL] Added missed bfloat16 CPU support for op math.rsqrt 2020-09-17 13:37:02 -07:00
decode_bmp_op_test.py Fix BMP header bytes. 2020-06-22 22:41:48 -07:00
decode_compressed_op_test.py Eager execution coverage for decode_compressed_op_test.py. Removed run_deprecated_v1 decorators. 2020-10-26 12:18:17 -07:00
decode_csv_op_test.py Use executor to execute ops in sync mode as well. A few benefits for doing this: 2019-09-13 12:51:49 -07:00
decode_image_op_test.py Eager execution coverage for decode_image_op_test.py. Removed run_deprecated_v1 decorators. 2020-08-17 10:17:19 -07: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 Eager execution coverage for decode_raw_op_test.py. Removed run_deprecated_v1 decorators. 2020-08-17 10:22:02 -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 Remove @test_util.deprecated_graph_mode_only in dense_update_ops_test.py 2020-07-31 17:04:04 -07:00
depthtospace_op_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
depthwise_conv_op_test.py Improve performance of fp16 DepthwiseConv2DBackpropFilter. 2020-08-07 14:32:38 -07:00
determinant_op_test.py Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
diag_op_test.py Fix tf2xla error message in the ConcatOffset and MatrixDiagPart ops 2020-08-03 22:06:58 -07:00
division_future_test.py
division_past_test.py
draw_bounding_box_op_test.py
duplicate_op_test.py Do not parse OpList in load_op_library 2019-10-01 02:14:50 -07:00
duplicate_op.cc
dynamic_partition_op_test.py Fix style errors 2020-08-25 15:31:41 -07:00
dynamic_stitch_op_test.py Enable a few test targets for tfrt. Disable quantization test since we don't plan to have quantization support in the initial launch. 2020-10-02 19:28:21 -07:00
edit_distance_op_test.py
eig_op_test.py Merge pull request from Randl:eig_grad2 2020-04-15 08:43:16 -07:00
einsum_op_test.py Merge branch 'master' into tf32_test_fix 2020-08-25 10:30:06 -07:00
embedding_ops_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
extract_image_patches_grad_test.py Eager execution coverage for extract_image_patches_grad_test.py. Removed run_deprecated_v1 decorators. 2020-12-29 20:51:39 -08:00
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 Nightly breakage - Explicitly skip gpu builds. 2021-01-04 07:43:57 -08:00
extract_volume_patches_op_test.py
fifo_queue_test.py Tweak GPUCompatibleFIFOQueue's unit test so it runs more configurations 2021-01-05 14:23:18 -08:00
fingerprint_op_test.py Fixing a crash in tf.fingerprint([]). We now just return [] 2020-09-30 08:09:56 -07:00
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 Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
garbage_collection_test.py
gather_nd_op_test.py Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
gradient_correctness_test.py Remove @test_util.run_deprecated_v1 in gradient_correctness_test.py 2020-07-31 16:28:49 -07:00
huge_slice_op_test.py
identity_n_op_py_test.py Remove @test_util.run_deprecated_v1 in identity_n_op_py_test.py 2020-07-30 13:58:23 -07:00
identity_op_py_test.py Remove @test_util.run_deprecated_v1 in identity_op_py_test.py 2020-07-30 14:36:04 -07:00
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 Fix tests when TF32 is enabled 2020-08-13 21:17:36 -07:00
inplace_ops_test.py Remove @test_util.run_deprecated_v1 in inplace_ops_test.py 2020-07-30 16:41:29 -07:00
invalid_op_test.py
invalid_op.cc
io_ops_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
large_concat_op_test.py
linalg_grad_test.py Merge pull request from ROCmSoftwarePlatform:google_upstream_rocm_misc_update_201203 2020-12-09 07:38:17 -08:00
linalg_ops_test.py Remove unnecessary eval() calls 2020-07-10 22:35:43 -07:00
list_ops_test.py Add test for element_shape arg of TensorListFromTensor. 2020-12-02 09:54:22 -08:00
listdiff_op_test.py
logging_ops_logging_level_test.py
logging_ops_test.py Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
lookup_ops_test.py Merge pull request from rhdong:RFC237-patch-for-recsys-sig 2020-10-27 08:06:45 -07:00
losses_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
lrn_op_test.py
lu_op_test.py Fix tests when TF32 is enabled 2020-08-13 21:17:36 -07:00
manip_ops_test.py Remove unnecessary eval() calls 2020-06-30 17:18:32 -07:00
map_fn_test.py while_v2: Move more reduction ops to forward graph 2020-12-15 15:09:10 -08:00
map_ops_test.py Merge pull request from kttian:list_keys 2020-08-25 10:12:32 -07:00
map_stage_op_test.py
matmul_op_test.py Clean up duplicated code in matmul_op/batch_matmul_op and associated tests. Having a separate redundant implementation for non-batch matmul is a maintenance burden. 2020-10-29 11:58:12 -07:00
matrix_band_part_op_test.py Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
matrix_exponential_op_test.py Return a matrix of all NaNs from tf.linalg.expm if the input contains non-finite values. 2020-08-13 09:57:31 -07:00
matrix_inverse_op_test.py Fix lint errors 2020-08-18 20:34:13 -07:00
matrix_logarithm_op_test.py Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
matrix_solve_ls_op_test.py Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
matrix_solve_op_test.py Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
matrix_square_root_op_test.py Fix tests when TF32 is enabled 2020-08-13 21:17:36 -07:00
matrix_triangular_solve_op_test.py Add Broadcasted Matrix Triangular Solve. 2020-01-27 20:43:43 -08:00
metrics_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
morphological_ops_test.py Remove @test_util.run_deprecated_v1 in morphological_ops_test.py 2020-07-30 15:25:52 -07:00
neon_depthwise_conv_op_test.py
norm_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
normalize_op_test.py
nth_element_op_test.py Unify NthElement errors between graph & eager 2020-07-30 23:17:20 -07:00
numerics_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -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 Fix up tf.pad tests to be eager friendly 2020-07-30 17:38:03 -07:00
padding_fifo_queue_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
parse_single_example_op_test.py Fix segmentation fault in parse_single_example. 2020-08-27 13:16:13 -07:00
parsing_ops_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
partitioned_variables_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
pool_test.py [ROCm] Re-enabling unit-tests that are now passing on ROCm platform 2020-12-07 16:41:10 +00:00
pooling_ops_3d_test.py Require that strides to pooling ops be non-zero and that its length match the tensor rank. 2020-09-17 22:40:26 -07:00
pooling_ops_test.py Support int32 argmax output in MaxPoolWithArgmax 2020-12-15 19:00:07 -08:00
priority_queue_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
py_func_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
qr_op_test.py Add gradient for complex qr. 2020-12-07 19:46:56 -05: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 Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
reduction_ops_test_big.py
reduction_ops_test.py Make tf.min, tf.max always propagate NaNs. Previously these ops followed the semantics of std::min and std:max and forwarded the first argument if either was NaN. 2020-10-20 21:29:20 -07:00
regex_full_match_op_test.py Merge pull request from lgeiger:cleanup-fwd-compat-tests 2020-01-06 11:38:33 -08:00
regex_replace_op_test.py Remove unnecessary eval() calls 2020-07-10 22:35:43 -07:00
relu_op_test.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
reshape_op_test.py Add missing gradient_checker_v2.max_error() checks in tests. 2020-07-30 15:46:06 -07:00
resource_variable_ops_test.py Clear up some disable_tfrt decorators. 2020-10-22 15:18:18 -07:00
reverse_sequence_op_test.py Remove @test_util.run_deprecated_v1 in reverse_sequence_op_test.py 2020-07-30 18:47:39 -07:00
rnn_cell_test.py Rollfoward of cl/347928110: Do not trace legacy rnn cells using the input spec. 2020-12-17 13:08:26 -08:00
rnn_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
save_restore_ops_test.py remove v1 decorator 2020-07-30 11:35:43 -07:00
scalar_test.py Make sparse_to_dense_op_py_test v2 friendly 2020-07-10 16:05:14 -07:00
scan_ops_test.py Make tf.min, tf.max always propagate NaNs. Previously these ops followed the semantics of std::min and std:max and forwarded the first argument if either was NaN. 2020-10-20 21:29:20 -07:00
scatter_ops_test.py Do not test float16 for div 2020-07-10 20:36:44 -07:00
segment_reduction_ops_test.py Merge pull request from yongtang:40653-tf.math.segment_mean-error-message 2020-08-02 23:53:04 -07:00
self_adjoint_eig_op_test.py Fix tests when TF32 is enabled 2020-08-13 21:17:36 -07:00
sets_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
shape_ops_test.py Remove unnecessary eval() calls 2020-06-30 17:18:32 -07:00
softmax_op_test.py Fix @test_util.run_deprecated_v1 in //tensorflow/python/kernel_tests:softmax_op_test 2020-07-28 19:49:02 -07:00
softplus_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
softsign_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
spacetobatch_op_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
spacetodepth_op_test.py Enable a few test targets for tfrt. Disable quantization test since we don't plan to have quantization support in the initial launch. 2020-10-02 19:28:21 -07:00
sparse_add_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
sparse_concat_op_test.py
sparse_conditional_accumulator_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
sparse_cross_op_test.py Remove unnecessary eval() calls 2020-07-10 22:35:43 -07:00
sparse_matmul_op_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
sparse_ops_test.py Merge pull request from firejq:patch-1 2020-07-17 13:24:47 -07:00
sparse_reorder_op_test.py Merge pull request from yongtang:45392-tf.sparse.reorder 2020-12-30 12:42:27 -08:00
sparse_reshape_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
sparse_serialization_ops_test.py
sparse_slice_op_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
sparse_split_op_test.py Add support for negative indices to sparse_split. 2020-07-07 16:37:22 -07:00
sparse_tensor_dense_matmul_grad_test.py
sparse_tensor_dense_matmul_op_test.py Enable sparse tensor dense matmul op tests in eager mode. 2020-10-06 11:11:01 -07:00
sparse_tensors_map_ops_test.py Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
sparse_to_dense_op_py_test.py Make sparse_to_dense_op_py_test v2 friendly 2020-07-10 16:05:14 -07:00
sparse_xent_op_test.py Rolling back PR because it caused type check errors (got bfloat16 when expecting float). 2020-12-07 17:30:30 -08:00
sparsemask_op_test.py
split_op_test.py Unify TF and XLA error messages for the SplitV op 2020-08-03 20:49:53 -07:00
stack_ops_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
stage_op_test.py
string_bytes_split_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
string_format_op_test.py Merge pull request from yongtang:42001-tf.string.format-unicode 2020-08-06 21:52:30 -07:00
string_join_op_test.py Replace x.eval() with self.evaluate() in tests. 2020-07-31 01:24:08 -07:00
string_length_op_test.py Remove unnecessary eval() calls 2020-06-30 17:18:32 -07:00
string_lower_op_test.py
string_split_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07: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 fix an exception when profiler is stopped twice. 2020-11-20 16:12:08 -08:00
summary_v1_audio_op_test.py
summary_v1_image_op_test.py
summary_v1_ops_test.py
summary_v1_tensor_op_test.py Add skip_on_eager flag to ops.name_scope 2019-11-11 05:08:32 -08:00
svd_op_test.py Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
template_mirrored_strategy_test.py Remove tag run_deprecated_v1. 2020-11-23 05:59:14 -08:00
template_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
tensor_array_ops_test.py Make element_shape_except_first_dim as a local variable instead of instance variable. 2020-11-24 10:12:32 -08:00
tensor_priority_test.py
tensordot_op_test.py Clean up duplicated code in matmul_op/batch_matmul_op and associated tests. Having a separate redundant implementation for non-batch matmul is a maintenance burden. 2020-10-29 11:58:12 -07:00
topk_op_test.py Merge pull request from ekuznetsov139:google-upstream-topk 2020-10-18 22:12:36 -07:00
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 Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
tridiagonal_solve_op_test.py Use self.evaluate for global_variables_initializer 2020-07-01 11:07:20 -07:00
unicode_decode_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
unicode_encode_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
unicode_script_op_test.py
unicode_transcode_op_test.py Remove unnecessary eval() calls 2020-06-30 17:18:32 -07:00
unique_op_test.py Merge pull request from WindQAQ:fix-unique-shape-inference 2020-12-11 07:14:08 -08:00
unsorted_segment_join_op_test.py
variable_ops_test.py Merge pull request from yongtang:38848-remove-bool 2020-05-05 08:57:37 -07:00
variable_scope_test.py Move the test with the private symbol variable_scope.EagerVariableStore from Keras to TF. 2020-11-16 11:32:29 -08:00
variables_test.py Clean up a few disable_tfrt annotations. 2020-09-28 13:28:19 -07:00
weights_broadcast_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
where_op_test.py Replace x.initializer.run() with self.evaluate(x.initializer) in tests. 2020-07-31 00:57:43 -07:00
while_v2_test.py while_v2: Move more reduction ops to forward graph 2020-12-15 15:09:10 -08:00
xent_op_test.py Move away from deprecated asserts 2020-06-30 16:10:22 -07:00
zero_division_test.py Allow ZeroDivisionTest to run eagerly 2020-06-15 10:04:43 -07:00