..
__init__.py
framework for committed serialized tests ( #10594 )
2018-08-30 22:41:46 -07:00
activation_ops_test.py
[caffe2] fix type and shape inference for common gradient ops ( #35857 )
2020-04-02 11:17:04 -07:00
adadelta_test.py
eliminate FE_INVALID in optimizer related operators and tests ( #20501 )
2019-05-16 08:23:46 -07:00
adagrad_test_helper.py
add decay parameter in ref_adagrad ( #15329 )
2019-05-07 18:58:58 -07:00
adagrad_test.py
remove unused parameters in optimizer tests ( #18084 )
2019-03-15 18:06:15 -07:00
adam_test.py
Revert D20289209: Support RowWiseSparseAdam on GPU
2020-03-18 07:35:07 -07:00
affine_channel_op_test.py
Refactor tests part 1 ( #11350 )
2018-09-18 10:42:10 -07:00
alias_with_name_test.py
move AliasWithNameOp to caffe2/operators
2019-12-17 02:39:40 -08: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
Add 64bit atomic fetch add ( #32354 )
2020-01-17 11:43:43 -08:00
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
Fix typos, via a Levenshtein-type corrector ( #31523 )
2020-01-17 16:03:19 -08: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
Add cuda version for operators BatchSparseToDense and BatchDenseToSparse ( #29166 )
2019-11-05 13:06:23 -08: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
caffe2 - set up correct inheritance structure for remaining operator test classes ( #18622 )
2019-04-01 15:53:22 -07:00
boolean_mask_test.py
Adding gradient to Boolean Mask operator ( #21423 )
2019-06-06 20:48:47 -07: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
Fix typos, via a Levenshtein-type corrector ( #31523 )
2020-01-17 16:03:19 -08:00
bucketize_op_test.py
Move bucketize_op to open source
2019-05-20 18:03:27 -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
batch size 0 support in ChannelShuffle DNNLOWP op ( #26858 )
2019-09-26 00:40:07 -07:00
channel_stats_op_test.py
Optimize channel_stats_op ( #16243 )
2019-03-12 12:08:00 -07:00
checkpoint_test.py
caffe2 - set up correct inheritance structure for remaining operator test classes ( #18622 )
2019-04-01 15:53:22 -07:00
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
split and register CollectAndDistributeFpnRpnProposals with C10
2019-05-16 13:40:46 -07:00
concat_split_op_test.py
[caffe2] fix type and shape inference for common gradient ops ( #35857 )
2020-04-02 11:17:04 -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
[ROCm] Enable 3D convolutions through ROCm ( #33067 )
2020-02-14 13:19:10 -08:00
conv_transpose_test.py
fix zero-batch handling in convtranspose ( #24341 )
2019-12-18 15:06:36 -08:00
copy_ops_test.py
caffe2 - set up correct inheritance structure for remaining operator test classes ( #18622 )
2019-04-01 15:53:22 -07:00
copy_rows_to_tensor_op_test.py
Perform weight re-init for embedding table in sparse_lookup.py ( #22348 )
2019-07-03 10:33:40 -07: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
[Python] Deprecate use of scipy.misc.logsumexp and scipy.misc.comb ( #32209 )
2020-01-15 10:40:47 -08: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
Output sequence probability with CTC beam search, optional multiple output sequences ( #21927 )
2019-07-02 17:29:13 -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
Fix typos ( #30606 )
2019-12-02 20:17:42 -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
Fix typos, via a Levenshtein-type corrector ( #31523 )
2020-01-17 16:03:19 -08:00
elementwise_ops_test.py
[caffe2] fix type and shape inference for common gradient ops ( #35857 )
2020-04-02 11:17:04 -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
Fix spelling errors ( #21665 )
2019-06-13 15:21:55 -07: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
fused_nbit_rowwise_conversion_ops_test.py
[caffe2] open source 2/4-bit SLS operators ( #34903 )
2020-03-17 22:55:10 -07:00
fused_nbit_rowwise_test_helper.py
[caffe2] open source 2/4-bit SLS operators ( #34903 )
2020-03-17 22:55:10 -07:00
fused_nbit_rowwise_test.cc
[caffe2] open source 2/4-bit SLS operators ( #34903 )
2020-03-17 22:55:10 -07:00
gather_ops_test.py
Fix typos, via a Levenshtein-type corrector ( #31523 )
2020-01-17 16:03:19 -08:00
gather_ranges_op_test.py
[fix][tiny][caffe2] Avoid triggering errors when allow ratio is 100% ( #34757 )
2020-03-16 11:39:32 -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
Add GivenTensorInt16Fill ( #20515 )
2019-05-15 19:45:15 -07:00
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
Fix typos, via a Levenshtein-type corrector ( #31523 )
2020-01-17 16:03:19 -08:00
hsm_test.py
[Caffe2] Fix gradient_check on in-place ops ( #8828 )
2018-06-25 15:25:56 -07:00
hyperbolic_ops_test.py
[caffe2] fix type and shape inference for common gradient ops ( #35857 )
2020-04-02 11:17:04 -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
Support in-place update in IndexHashOp ( #30275 )
2019-11-22 14:49:28 -08:00
index_ops_test.py
instance_norm_test.py
Optimize InstanceNormGradientOp ( #22288 )
2019-07-01 15:10:17 -07: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
Add missing shebangs to Python files with executable permissions.
2019-06-06 10:53:40 -07:00
layer_norm_op_test.py
Add elementwise_affine for LayerNormGradientOp ( #19982 )
2019-05-03 15:33:46 -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
fix composite learning rate ( #26227 )
2019-09-18 17:34:17 -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_reducer_fused_nbit_rowwise_ops_test.py
Split SparseLengthsSumSparse into SparseLengthsSumSparseLookup + SparseLengthsSum ( #35507 )
2020-03-30 13:33:29 -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 LambdaRank DCG Loss Option ( #23679 )
2019-08-02 11:47:46 -07:00
load_save_test.py
Avoid Output Uninitialized Blobs in Load with load_all=1 ( #19133 )
2019-04-27 10:45:44 -07: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
[Caffe2] Fix shape inference for element-wise operators ( #33431 )
2020-02-25 09:03:06 -08:00
matmul_op_test.py
[caffe2] remove unnecessary np.set_printoptions and fix test errors ( #32475 )
2020-01-22 14:49:47 -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
Disable flaky TestMomentumSGD.test_fp16momentum_sgd ( #31369 )
2019-12-17 19:16:54 -08:00
mpi_test.py
mul_gradient_benchmark.py
optimize MulGradient for common shapes ( #19705 )
2019-12-11 11:39:52 -08:00
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
Fix typos, via a Levenshtein-type corrector ( #31523 )
2020-01-17 16:03:19 -08: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
Change PackSegments to ensure consistent behavior between CPU and GPU
2019-12-30 13:31:45 -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
Update from facebook ( #7855 )
2018-05-29 11:38:02 -07:00
piecewise_linear_transform_test.py
Refactor tests part 1 ( #11350 )
2018-09-18 10:42:10 -07:00
pooling_test.py
Fix typos, via a Levenshtein-type corrector ( #31523 )
2020-01-17 16:03:19 -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
quantile_test.py
[Rowwise Pruning][c2 op] Add Quantile Op ( #32448 )
2020-01-22 16:59:56 -08: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
Disables flaky test_rand_quantization ( #29463 )
2019-11-08 13:51:22 -08: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
caffe2 - set up correct inheritance structure for remaining operator test classes ( #18622 )
2019-04-01 15:53:22 -07:00
recurrent_network_test.py
Fix typos, via a Levenshtein-type corrector ( #31523 )
2020-01-17 16:03:19 -08: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
ReshapeOp supports empty tensor ( #21230 )
2019-06-06 15:02:11 -07: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
rowwise_counter_test.py
separate op for rowwise counter ( #31612 )
2019-12-27 12:18:39 -08:00
scale_op_test.py
ScaleBlobs Operator ( #19660 )
2019-05-08 17:57:33 -07: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
add conversion functions to embedding tables ( #31083 )
2020-01-08 16:56:12 -08:00
sinusoid_position_encoding_op_test.py
Refactor tests part 2 ( #11811 )
2018-09-19 10:09:28 -07:00
softmax_ops_test.py
Support softmax with D == 0 ( #29167 )
2019-11-11 00:46:10 -08:00
softplus_op_test.py
sparse_dropout_with_replacement_op_test.py
Implement dropout with replacement for id list features. ( #22880 )
2019-07-23 14:34:21 -07:00
sparse_gradient_checker_test.py
sparse_lengths_sum_benchmark.py
[caffe2] use 2-stage EmbeddingSpMDM interface ( #32271 )
2020-01-22 19:05:36 -08:00
sparse_normalize_test.py
Make SparseNormalize backwards compatible ( #25660 )
2019-09-05 15:14:21 -07:00
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
[ROCm] Enable 3D batch norms through MIOpen ( #33262 )
2020-02-13 11: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
[2/3] Bind Bucketize to PyTorch ( #33014 )
2020-02-11 23:20:10 -08:00
transpose_op_test.py
Fix bug in caffe2 transpose on GPU ( #22233 )
2019-06-26 11:33:25 -07: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
[dt] [caffe2] add/fix shape inference for StumpFunc, SliceGradient and ResizeLike ( #35430 )
2020-03-26 17:50:32 -07:00
video_input_op_test.py
update video input ( #22471 )
2019-07-05 00:56:33 -07:00
weight_scale_test.py
Change weight scale test to cpu only ( #35346 )
2020-03-25 09:18:58 -07:00
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