pytorch/caffe2/python/operator_test
Gerard Goossen 46990c20fa Verify def before infer fensor (#18129)
Summary:
Pull Request resolved: https://github.com/pytorch/pytorch/pull/18129

A lot of tensor interference function assume the operator passes the schema.
So call Verity to make sure this is actually the case.

Created diff before to add checking in Concat (https://github.com/pytorch/pytorch/pull/17110), but I encountered lot more places where this is assumed (for example ElementwiseOpShapeInference)

Reviewed By: mdschatz

Differential Revision: D14503933

fbshipit-source-id: cf0097b8c3e4beb1cded6b61e092a6adee4b8fcb
2019-03-22 06:36:25 -07:00
..
__init__.py framework for committed serialized tests (#10594) 2018-08-30 22:41:46 -07:00
activation_ops_test.py Unify gpu_support variable in python tests (#16748) 2019-02-07 00:29:51 -08:00
adadelta_test.py remove unused parameters in optimizer tests (#18084) 2019-03-15 18:06:15 -07:00
adagrad_test_helper.py Enable boolean_mask, adadelta, adagrad fp16 on ROCm (#17235) 2019-02-27 10:07:36 -08:00
adagrad_test.py remove unused parameters in optimizer tests (#18084) 2019-03-15 18:06:15 -07:00
adam_test.py Support lr adaption for SparseAdam and RowWiseSparseAdam (#11162) 2018-09-17 10:29:03 -07:00
adjust_batch_op_test.py Add AdjustBatch Op (#16676) 2019-02-06 19:15:41 -08:00
affine_channel_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
apmeter_test.py
arg_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
assert_test.py
atomic_ops_test.py
basic_rnn_test.py
batch_box_cox_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
batch_bucketize_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
batch_moments_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
batch_sparse_to_dense_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
bbox_transform_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
bisect_percentile_op_test.py Add a bisect percentile operator (#10563) 2018-08-20 13:14:05 -07:00
blobs_queue_db_test.py
boolean_mask_test.py Enable boolean_mask, adadelta, adagrad fp16 on ROCm (#17235) 2019-02-27 10:07:36 -08:00
boolean_unmask_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
box_with_nms_limit_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
cast_op_test.py support casting to string (#15110) 2018-12-12 21:33:58 -08:00
ceil_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
channel_backprop_stats_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
channel_shuffle_test.py add NCHW2NHWC and NHWC2NCHW in utils.py (#15588) 2018-12-28 17:34:50 -08:00
channel_stats_op_test.py Optimize channel_stats_op (#16243) 2019-03-12 12:08:00 -07:00
checkpoint_test.py
clip_op_test.py Fix clip gradient with empty input (#14709) 2018-12-05 22:53:25 -08:00
clip_tensor_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
collect_and_distribute_fpn_rpn_proposals_op_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
concat_split_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
conditional_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
conftest.py operator serialized test coverage summary document (#13703) 2018-11-09 15:04:08 -08:00
conv_test.py Unify gpu_support variable in python tests (#16748) 2019-02-07 00:29:51 -08:00
conv_transpose_test.py add NCHW2NHWC and NHWC2NCHW in utils.py (#15588) 2018-12-28 17:34:50 -08:00
copy_ops_test.py Unify cuda and hip device types in Caffe2 python front end (#14221) 2018-11-29 14:00:16 -08:00
cosine_embedding_criterion_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
counter_ops_test.py
crf_test.py CircleCI: enable all flaky tests (#13356) 2018-10-31 09:34:49 -07:00
cross_entropy_ops_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
ctc_beam_search_decoder_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
ctc_greedy_decoder_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
cudnn_recurrent_test.py Unify gpu_support variable in python tests (#16748) 2019-02-07 00:29:51 -08:00
data_couple_op_test.py No Op Optimizer (#12390) 2018-10-10 18:09:46 -07:00
dataset_ops_test.py typo fix 2019-03-06 11:36:44 -08:00
deform_conv_test.py no EIGEN engine for DeformConv (#16785) 2019-02-06 11:59:31 -08:00
dense_vector_to_id_list_op_test.py add dense vector to id_list operator (#15090) 2018-12-18 16:27:38 -08:00
depthwise_3x3_conv_test.py add NCHW2NHWC and NHWC2NCHW in utils.py (#15588) 2018-12-28 17:34:50 -08:00
detectron_keypoints.py move HeatmapMaxKeypointOp unittest to oss 2018-08-27 12:56:46 -07:00
distance_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
dropout_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
duplicate_operands_test.py
elementwise_linear_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
elementwise_logical_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
elementwise_op_broadcast_test.py Unify gpu_support variable in python tests (#16748) 2019-02-07 00:29:51 -08:00
elementwise_ops_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
emptysample_ops_test.py
enforce_finite_op_test.py EnforceFinite test (#10143) 2018-08-03 10:31:29 -07:00
ensure_clipped_test.py Update from Facebook (#8887) 2018-06-26 14:55:48 -07:00
ensure_cpu_output_op_test.py
erf_op_test.py Export PyTorch erf to ONNX Erf and add Caffe2 Erf operator 2019-01-17 09:18:08 -08:00
expand_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
fc_operator_test.py Integrate rocBLAS fp16 api into Caffe2 (#14882) 2018-12-10 17:54:06 -08:00
feature_maps_ops_test.py
filler_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
find_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
flatten_op_test.py
flexible_top_k_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
floor_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
gather_ops_test.py Implements Gather operator for arbitrary axis, sharing the code with BatchGather. (#13756) 2018-12-04 11:54:28 -08:00
gather_ranges_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
given_tensor_byte_string_to_uint8_fill_op_test.py Export uint8 tensors as byte string in mobile_exporter and add GivenTensorByteStringToUInt8FillOp (#10385) 2018-08-15 14:26:50 -07:00
given_tensor_fill_op_test.py
glu_op_test.py Fix test_glu_old HealthCheck with smarter generation strategy. (#12975) 2018-10-24 13:45:19 -07:00
group_conv_test.py omit group conv NHWC test for GPU (#17715) 2019-03-06 11:32:35 -08:00
group_norm_op_test.py Optimize channel_stats_op (#16243) 2019-03-12 12:08:00 -07:00
gru_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
heatmap_max_keypoint_op_test.py move HeatmapMaxKeypointOp unittest to oss 2018-08-27 12:56:46 -07:00
hsm_test.py
hyperbolic_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
im2col_col2im_test.py CircleCI: enable all flaky tests (#13356) 2018-10-31 09:34:49 -07:00
image_input_op_test.py
index_hash_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
index_ops_test.py
instance_norm_test.py add NCHW2NHWC and NHWC2NCHW in utils.py (#15588) 2018-12-28 17:34:50 -08:00
integral_image_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
jsd_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
key_split_ops_test.py
lars_test.py Improve lars operator by applying clipping (#9905) 2018-08-02 11:54:28 -07:00
layer_norm_op_test.py Expose c10 cuda ops to caffe2 (#18036) 2019-03-15 16:58:12 -07:00
leaky_relu_test.py add NCHW2NHWC and NHWC2NCHW in utils.py (#15588) 2018-12-28 17:34:50 -08:00
learning_rate_adaption_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
learning_rate_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
length_split_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
lengths_pad_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
lengths_tile_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
lengths_top_k_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
listwise_l2r_operator_test.py add non expotential emphasis loss to Lambdarank 2018-11-13 14:54:04 -08:00
load_save_test.py Unify cuda and hip device types in Caffe2 python front end (#14221) 2018-11-29 14:00:16 -08:00
locally_connected_op_test.py add NCHW2NHWC and NHWC2NCHW in utils.py (#15588) 2018-12-28 17:34:50 -08:00
loss_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
lpnorm_op_test.py Update from Facebook (#8887) 2018-06-26 14:55:48 -07:00
map_ops_test.py
margin_ranking_criterion_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
math_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
matmul_op_test.py Integrate rocBLAS fp16 api into Caffe2 (#14882) 2018-12-10 17:54:06 -08:00
mean_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
merge_id_lists_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
mkl_conv_op_test.py
mkl_packed_fc_op_test.py
mkl_speed_test.py
mod_op_test.py
moments_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
momentum_sgd_test.py Unify gpu_support variable in python tests (#16748) 2019-02-07 00:29:51 -08:00
mpi_test.py
negate_gradient_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
ngram_ops_test.py
normalize_op_test.py Fix l2 normalization when handling zero vector (#9594) 2018-07-19 14:10:03 -07:00
numpy_tile_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
one_hot_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
onnx_while_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
order_switch_test.py add NCHW2NHWC and NHWC2NCHW in utils.py (#15588) 2018-12-28 17:34:50 -08:00
pack_ops_test.py cuda implementation for PackSegment to support presence mask (#14635) 2018-11-30 16:54:10 -08:00
pack_rnn_sequence_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
pad_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
partition_ops_test.py
percentile_op_test.py
piecewise_linear_transform_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
pooling_test.py Unify gpu_support variable in python tests (#16748) 2019-02-07 00:29:51 -08:00
prepend_dim_test.py Unify cuda and hip device types in Caffe2 python front end (#14221) 2018-11-29 14:00:16 -08:00
python_op_test.py Remove numba dependency 2018-10-23 17:03:47 -07:00
rand_quantization_op_speed_test.py Intergrating stochastic quantization to easgd to reduce communication + supporting quantization on both sides (split from D8849770) (#10644) 2018-08-22 17:10:03 -07:00
rand_quantization_op_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
rank_loss_operator_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
rebatching_queue_test.py
record_queue_test.py
recurrent_net_executor_test.py Record Caffe2's current stream ID in c10_cuda. (#15174) 2018-12-20 21:54:05 -08:00
recurrent_network_test.py CircleCI: enable all flaky tests (#13356) 2018-10-31 09:34:49 -07:00
reduce_ops_test.py CircleCI: enable all flaky tests (#13356) 2018-10-31 09:34:49 -07:00
reduction_ops_test.py Enable more caffe2 fp16 rocm tests (#15040) 2018-12-10 21:30:21 -08:00
reshape_ops_test.py Caffe 2: Reshape Op upgrade (#15380) 2019-01-13 22:49:40 -08:00
resize_op_test.py Add NHWC support to Resize Operator (#15553) 2019-01-08 16:44:17 -08:00
rmac_regions_op_test.py
rnn_cell_test.py Enable more caffe2 fp16 rocm tests (#15040) 2018-12-10 21:30:21 -08:00
roi_align_rotated_op_test.py Unify cuda and hip device types in Caffe2 python front end (#14221) 2018-11-29 14:00:16 -08:00
segment_ops_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
selu_op_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
sequence_ops_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
shape_inference_test.py Verify def before infer fensor (#18129) 2019-03-22 06:36:25 -07:00
sinusoid_position_encoding_op_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
softmax_ops_test.py Unify gpu_support variable in python tests (#16748) 2019-02-07 00:29:51 -08:00
softplus_op_test.py
sparse_gradient_checker_test.py
sparse_lengths_sum_benchmark.py
sparse_normalize_test.py
sparse_ops_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
sparse_to_dense_mask_op_test.py
spatial_bn_op_test.py Unify gpu_support variable in python tests (#16748) 2019-02-07 00:29:51 -08:00
specialized_segment_ops_test.py handle empty inputs to SparseLengthsMean correctly (#15389) 2018-12-21 22:20:14 -08:00
square_root_divide_op_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
stats_ops_test.py
stats_put_ops_test.py Fix overflow error in stats_put_ops 2018-11-06 15:41:51 -08:00
string_ops_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
text_file_reader_test.py
thresholded_relu_op_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
tile_op_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
top_k_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
torch_integration_test.py register RoIAlign with C10 2019-03-14 11:55:29 -07:00
transpose_op_test.py Unify gpu_support variable in python tests (#16748) 2019-02-07 00:29:51 -08:00
trigonometric_op_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
unique_ops_test.py Enable arg_ops_test/unique_ops_test on AMD/rocm (#16853) 2019-02-07 16:51:15 -08:00
unique_uniform_fill_op_test.py
upsample_op_test.py caffe2: UpsampleBilinear CUDA implementation (#12843) 2018-10-25 11:10:04 -07:00
utility_ops_test.py Clean up a couple of items in the C2 test scaffolding (WIP) (#7847) 2018-11-07 09:16:13 -08:00
video_input_op_test.py
weighted_multi_sample_test.py
weighted_sample_test.py
weighted_sum_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
wngrad_test.py remove unused parameters in optimizer tests (#18084) 2019-03-15 18:06:15 -07:00