pytorch/caffe2/python/operator_test
Omkar Salpekar ae1ed27756 [codemod][numpy] replace np.str with str (#103931)
Summary:
`np.str` is removed from numpy 1.20.0. It was an alias to builtin `str` and it's safe to do the replacement.

The whole changes is mechanical, generated using the following onliner:
```
fbgr -sl 'np\.str\b' | xargs perl -pi -e 's,\bnp\.str\b,str,g'
```

Test Plan: sandcastle

Differential Revision: D46586144

Pull Request resolved: https://github.com/pytorch/pytorch/pull/103931
Approved by: https://github.com/huydhn
2023-06-21 18:16:42 +00:00
..
__init__.py
_utils.py Revert "remove assert_allclose from torch.testing (#87974)" 2022-11-04 19:12:37 +00:00
activation_ops_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
adadelta_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
adagrad_test_helper.py [codemod][numpy] replace np.str with str (#103931) 2023-06-21 18:16:42 +00:00
adagrad_test.py Weighted decay with frequency (count-based) (#60382) 2021-06-21 18:46:35 -07:00
adam_test.py [gpu ne eval] disable adam decay unit test for gpu (#66056) 2021-10-03 07:40:23 -07:00
affine_channel_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
alias_with_name_test.py
apmeter_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
arg_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
assert_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
async_net_barrier_test.py [BE]: Apply pyupgrade yield from and unit test alias upgrades (#94309) 2023-02-07 20:08:58 +00:00
atomic_ops_test.py [BE]: Apply pyupgrade yield from and unit test alias upgrades (#94309) 2023-02-07 20:08:58 +00:00
basic_rnn_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
batch_box_cox_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
batch_bucketize_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
batch_moments_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
batch_sparse_to_dense_op_test.py [caffe2] Add support for int32 lengths in BatchSparseToDense (#58062) 2021-05-26 10:33:32 -07:00
bbox_transform_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
bisect_percentile_op_test.py Clean up bisect_percentile_op (#73148) 2022-02-25 04:33:45 +00:00
blobs_queue_db_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
boolean_mask_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
boolean_unmask_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
box_with_nms_limit_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
bucketize_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
cast_op_test.py [codemod][numpy] replace np.str with str (#103931) 2023-06-21 18:16:42 +00:00
ceil_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
channel_backprop_stats_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
channel_shuffle_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
channel_stats_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
checkpoint_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
clip_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
clip_tensor_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
collect_and_distribute_fpn_rpn_proposals_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
concat_op_cost_test.py Fix bytes_written and bytes_read (#64244) 2021-09-01 13:35:41 -07:00
concat_split_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
conditional_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
conftest.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
conv_test.py relax test deadlines 2021-05-25 15:02:52 -07:00
conv_transpose_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
copy_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
copy_rows_to_tensor_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
cosine_embedding_criterion_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
counter_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
crf_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
cross_entropy_ops_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
ctc_beam_search_decoder_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
ctc_greedy_decoder_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
cudnn_recurrent_test.py [BE] Get rid of future (#92596) 2023-01-19 08:46:50 +00:00
data_couple_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
dataset_ops_test.py [BE]: Apply pyupgrade yield from and unit test alias upgrades (#94309) 2023-02-07 20:08:58 +00:00
decay_adagrad_test.py optimizer exploration - v1 and v2 + fix position_weighted optimizer + decoupled weight decay (#54042) 2021-03-27 23:03:29 -07:00
deform_conv_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
dense_vector_to_id_list_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
depthwise_3x3_conv_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
detectron_keypoints.py [codemod][numpy] replace np.str with str (#103931) 2023-06-21 18:16:42 +00:00
distance_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
dropout_op_test.py Disable GPU tests for the Dropout operator. (#75739) 2022-04-14 05:43:41 +00:00
duplicate_operands_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
elementwise_linear_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
elementwise_logical_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
elementwise_op_broadcast_test.py Fix some typos. 2022-04-11 21:55:59 +00:00
elementwise_ops_test.py [dte] fastpath implementations for mulgrad / divgrad (3/x) (#62437) 2021-07-30 00:05:34 -07:00
emptysample_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
enforce_finite_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
ensure_clipped_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
ensure_cpu_output_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
erf_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
expand_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
fc_operator_test.py relax test deadlines 2021-05-25 15:02:52 -07:00
feature_maps_ops_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
filler_ops_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
find_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
flatten_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
flexible_top_k_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
floor_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
fused_nbit_rowwise_conversion_ops_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
fused_nbit_rowwise_test_helper.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
fused_nbit_rowwise_test.cc
gather_ops_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
gather_ranges_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
given_tensor_byte_string_to_uint8_fill_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
given_tensor_fill_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
glu_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
group_conv_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
group_norm_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
gru_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
heatmap_max_keypoint_op_test.py [BE] [1/3] Rewrite super() calls in caffe2 and benchmarks (#94587) 2023-02-11 18:19:48 +00:00
histogram_test.py
hsm_test.py [BE]: Apply pyupgrade yield from and unit test alias upgrades (#94309) 2023-02-07 20:08:58 +00:00
hyperbolic_ops_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
im2col_col2im_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
image_input_op_test.py Remove unused six code for Python 2/3 compatibility (#48077) 2020-12-22 18:07:08 -08:00
index_hash_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
index_ops_test.py [BE]: Apply pyupgrade yield from and unit test alias upgrades (#94309) 2023-02-07 20:08:58 +00:00
instance_norm_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
integral_image_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
jsd_ops_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
key_split_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
lars_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
layer_norm_op_test.py prepare removal of deprecated functionality in torch.testing (#87969) 2022-11-02 14:04:48 +00:00
leaky_relu_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
learning_rate_adaption_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
learning_rate_op_test.py [c2] Fix int types for learning rate 2020-09-26 10:59:29 -07:00
length_split_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
lengths_pad_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
lengths_reducer_fused_nbit_rowwise_ops_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
lengths_tile_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
lengths_top_k_ops_test.py Replace map(lambda constructs (#46462) 2020-10-22 09:50:22 -07:00
listwise_l2r_operator_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
load_save_test.py [BE] [1/3] Rewrite super() calls in caffe2 and benchmarks (#94587) 2023-02-11 18:19:48 +00:00
locally_connected_op_test.py relax test deadlines 2021-05-25 15:02:52 -07:00
loss_ops_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
lpnorm_op_test.py [caffe2] Allow LpNorm to accept empty tensor (#72660) 2022-02-11 23:14:02 +00:00
map_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
margin_loss_l2r_operator_test.py [1/n][caffe2] Add session based margin loss function in caffe2 operator 2022-01-21 23:13:36 +00:00
margin_ranking_criterion_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
math_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
matmul_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
mean_op_test.py Lint trailing newlines (#54737) 2021-03-30 13:09:52 -07:00
merge_id_lists_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
mkl_conv_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
mkl_packed_fc_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
mod_op_test.py [uhm][0/n] add cuda Mod Op (#46732) 2020-10-26 11:07:51 -07:00
moments_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
momentum_sgd_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
mpi_test.py [pytorch] Update caffe2/python to eliminate Pyre errors (#52083) 2021-02-11 11:04:59 -08:00
mul_gradient_benchmark.py [dte] fastpath implementations for mulgrad / divgrad (3/x) (#62437) 2021-07-30 00:05:34 -07:00
negate_gradient_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
ngram_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
normalize_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
numpy_tile_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
one_hot_ops_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
onnx_while_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
order_switch_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
pack_ops_test.py [BE]: Apply pyupgrade yield from and unit test alias upgrades (#94309) 2023-02-07 20:08:58 +00:00
pack_rnn_sequence_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
pad_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
partition_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
percentile_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
piecewise_linear_transform_test.py Disable GPU tests for the PiecewiseLinearTransform operator. (#75738) 2022-04-14 12:07:50 +00:00
pooling_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
prepend_dim_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
python_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
quantile_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
rand_quantization_op_speed_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
rank_loss_operator_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
rebatching_queue_test.py [BE]: Apply pyupgrade yield from and unit test alias upgrades (#94309) 2023-02-07 20:08:58 +00:00
record_queue_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
recurrent_net_executor_test.py [BE] [1/3] Rewrite super() calls in caffe2 and benchmarks (#94587) 2023-02-11 18:19:48 +00:00
recurrent_network_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
reduce_ops_test.py [dte] fastpath implementation for broadcast utility function (4/x) (#62493) 2021-07-30 16:15:10 -07:00
reduction_ops_test.py [C2] Add shape inference logic for ColwiseMax operator. (#51914) 2021-02-09 14:12:07 -08:00
reshape_ops_test.py Remove unused six code for Python 2/3 compatibility (#48077) 2020-12-22 18:07:08 -08:00
resize_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
rmac_regions_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
rms_norm_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
rnn_cell_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
roi_align_rotated_op_test.py Fix exception causes all over the codebase (#90271) 2022-12-07 04:29:00 +00:00
rowwise_counter_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
scale_op_test.py [pytorch] Update caffe2/python to eliminate Pyre errors (#52083) 2021-02-11 11:04:59 -08:00
segment_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
self_binning_histogram_test.py [BE]: pyupgrade Python to 3.8 - imports and object inheritance only (#94308) 2023-02-07 21:10:56 +00:00
selu_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
sequence_ops_test.py Fix sequence_ops_test (#72844) 2022-02-15 06:49:38 +00:00
shape_inference_test.py [BE]: Apply pyupgrade yield from and unit test alias upgrades (#94309) 2023-02-07 20:08:58 +00:00
sinusoid_position_encoding_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
softmax_ops_test.py relax test deadlines 2021-05-25 15:02:52 -07:00
softplus_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
sparse_dropout_with_replacement_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
sparse_gradient_checker_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
sparse_itemwise_dropout_with_replacement_op_test.py [itemwise-dropout][1/x][low-level module] Implement Itemwise Sparse Feature Dropout in Dper3 (#59322) 2021-06-04 19:59:17 -07:00
sparse_lengths_sum_benchmark.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
sparse_lp_regularizer_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
sparse_normalize_test.py Clean up future imports for Python 2 (#53349) 2021-03-14 15:56:13 -07:00
sparse_ops_test.py [1/n]support double for Caffe2 ScatterWeightedSum (#60402) 2021-06-29 14:17:04 -07:00
sparse_to_dense_mask_op_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
spatial_bn_op_test.py [c2] Fix flaky test_spatial_bn_multi_batch_grad 2021-05-06 12:50:53 -07:00
specialized_segment_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
split_op_cost_test.py Add CostInferenceFunction for SplitOp (#63133) 2021-08-13 12:28:15 -07:00
square_root_divide_op_test.py Drop unused imports from caffe2/python (#49980) 2021-01-05 13:17:46 -08:00
stats_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
stats_put_ops_test.py [BE]: Apply pyupgrade yield from and unit test alias upgrades (#94309) 2023-02-07 20:08:58 +00:00
storm_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
string_ops_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
text_file_reader_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
thresholded_relu_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
tile_op_test.py [codemod][numpy] replace np.str with str (#103931) 2023-06-21 18:16:42 +00:00
top_k_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
torch_integration_test.py prepare removal of deprecated functionality in torch.testing (#87969) 2022-11-02 14:04:48 +00:00
transpose_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
trigonometric_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
unique_ops_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
unique_uniform_fill_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
unsafe_coalesce_test.py [BE]: Apply pyupgrade yield from and unit test alias upgrades (#94309) 2023-02-07 20:08:58 +00:00
upsample_op_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
utility_ops_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
video_input_op_test.py Fix exception causes all over the codebase (#90271) 2022-12-07 04:29:00 +00:00
weight_scale_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
weighted_multi_sample_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
weighted_sample_test.py Remove __future__ imports for legacy Python2 supports (#45033) 2020-09-23 17:57:02 -07:00
weighted_sum_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00
wngrad_test.py replace all remaining occurrences of deadline=1000, to prevent test flakiness 2021-05-25 15:55:30 -07:00