pytorch/caffe2/python/operator_test
Yangqing Jia ff508c91a1 Remove numba dependency
Summary:
TSIA - we want to deprecate numba in fbcode when moving to new compiler tiers.

Converted the old test to a non-numba regular python op test.

Reviewed By: xw285cornell

Differential Revision: D10519910

fbshipit-source-id: 0e9188a6d0fc159100f0db704b106fbfde3c5833
2018-10-23 17:03:47 -07:00
..
__init__.py framework for committed serialized tests (#10594) 2018-08-30 22:41:46 -07:00
activation_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
adadelta_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
adagrad_test_helper.py Update from facebook 1ee4edd286a3 (#8040) 2018-06-01 17:41:09 -04:00
adagrad_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
adam_test.py Support lr adaption for SparseAdam and RowWiseSparseAdam (#11162) 2018-09-17 10:29:03 -07: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 Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -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 Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
cast_op_test.py
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 Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
channel_stats_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
checkpoint_test.py
clip_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07: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 Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
conv_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
conv_transpose_test.py
copy_ops_test.py
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 Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -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
data_couple_op_test.py No Op Optimizer (#12390) 2018-10-10 18:09:46 -07:00
dataset_ops_test.py
deform_conv_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
depthwise_3x3_conv_test.py [caffe2] Open-source DEPTHWISE_3x3 engine (#6601) 2018-04-26 02:30:51 -04: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 Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07: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 Update from facebook (#7451) 2018-05-10 23:14:27 -07:00
expand_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
fc_operator_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
feature_maps_ops_test.py [Caffe2][fbcode=>GH sync] Update from facebook 4323b18ce13c (#7116) 2018-05-01 20:49:00 -07:00
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 Special case BatchGather and BatchGatherGradient for block_size=1. (#11349) 2018-09-27 21:11:38 -07: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 Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
group_conv_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
group_norm_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -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 [Caffe2] Fix gradient_check on in-place ops (#8828) 2018-06-25 15:25:56 -07:00
hyperbolic_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
im2col_col2im_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -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 Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -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 Improve lars operator by applying clipping (#9905) 2018-08-02 11:54:28 -07:00
layer_norm_op_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
leaky_relu_test.py
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 Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07:00
load_save_test.py Rename cuda_gpu_id to device_id in DeviceOption (#12456) 2018-10-09 15:54:04 -07:00
locally_connected_op_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07: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 Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07: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 Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07: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 Optimize order_swich_ops on GPU (#11404) 2018-09-12 16:56:15 -07:00
pack_ops_test.py Refactor tests part 1 (#11350) 2018-09-18 10:42:10 -07: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
prepend_dim_test.py
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 Potential fix for RNN test on MKL (#7862) 2018-05-25 16:16:46 -07:00
recurrent_network_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
reduce_ops_test.py Enable CircleCI for Linux jobs (#12389) 2018-10-08 17:09:37 -07:00
reduction_ops_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
reshape_ops_test.py Fix dividing by zero segfault in Reshape (#8302) 2018-06-09 09:48:22 -07:00
resize_op_test.py Support scales as inputs in ResizeNearest (#12720) 2018-10-17 23:08:53 -07:00
rmac_regions_op_test.py
rnn_cell_test.py Rename cuda_gpu_id to device_id in DeviceOption (#12456) 2018-10-09 15:54:04 -07:00
roi_align_rotated_op_test.py Make roi_align_rotated_op_test not rely on 1.12.0 numpy.rot90 (#9267) 2018-07-09 11:55:39 -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 implement rowwise quantization for fp16 (#12382) 2018-10-12 13:57:55 -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 Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07: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 Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
specialized_segment_ops_test.py
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 Add clamping functionality to stats_put_ops 2018-10-08 16:53:26 -07: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
transpose_op_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
trigonometric_op_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
unique_ops_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00
unique_uniform_fill_op_test.py
upsample_op_test.py caffe2: UpsampleBilinear support for scales (#12736) 2018-10-19 08:55:55 -07:00
utility_ops_test.py Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07: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 Refactor tests part 2 (#11811) 2018-09-19 10:09:28 -07:00