pytorch/caffe2/python/operator_test
2018-03-02 18:06:19 -08:00
..
activation_ops_test.py Change default value of LeakyRelu's alpha from 0 to 0.01 2018-01-29 22:31:12 -08:00
adagrad_test.py Resuppress adagrad health checks 2017-12-14 16:34:41 -08:00
adam_test.py Fix RowWiseSparseAdam implementation 2018-02-16 13:28:26 -08:00
apmeter_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
assert_test.py Implement AssertOp 2017-12-06 17:18:52 -08:00
atomic_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
basic_rnn_test.py implement sequence length support for BasicRNN 2018-02-05 21:05:51 -08:00
batch_box_cox_test.py Faster BatchBoxCox Operator using MKL 2017-11-03 12:04:03 -07:00
batch_sparse_to_dense_op_test.py Add batch-based/row-based sparse from/to dense operator 2017-11-16 00:59:21 -08:00
blobs_queue_db_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
boolean_mask_test.py repeat sequence mask for data dims 2017-10-18 18:08:08 -07:00
boolean_unmask_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
cast_op_test.py cast op for empty batch 2017-11-16 12:20:20 -08:00
ceil_op_test.py [PR] Floor and Ceil Op 2018-02-21 18:31:45 -08:00
channel_backprop_stats_op_test.py Add operators to support batch normalization across multiple devices on the same node 2018-01-24 13:24:04 -08:00
channel_shuffle_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
channel_stats_op_test.py GPU support for ChannelStatsOp 2018-02-09 19:31:31 -08:00
checkpoint_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
clip_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
concat_split_op_test.py Allow negative indices in Concat/Split ops 2017-11-13 18:32:24 -08:00
conditional_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
conv_test.py Always check cuDNN support in test_convolution_gradients 2017-12-04 08:50:39 -08:00
conv_transpose_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
copy_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
cosine_embedding_criterion_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
counter_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
crf_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
cross_entropy_ops_test.py WeightedSigmoidCrossEntropyWithLogits 2017-10-16 17:34:38 -07:00
cudnn_recurrent_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
dataset_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
deform_conv_test.py Deformable convolution operator in Caffe2 2017-09-26 16:20:31 -07:00
distance_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
dropout_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
duplicate_operands_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
elementwise_linear_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
elementwise_logical_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
elementwise_op_broadcast_test.py Implementing Pow operator (this merges existing pow with a scalar and new pow with a tensor exponent). Second Try. 2018-02-21 18:31:45 -08:00
elementwise_ops_test.py Sqrt op (#2101) 2018-03-02 16:19:45 -08:00
emptysample_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
extend_tensor_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
fc_operator_test.py Adds gpu implementation for FCTransposed 2018-01-29 19:03:24 -08:00
filler_ops_test.py GPU fallback for LengthsRangeFill Op 2017-12-19 15:42:13 -08:00
find_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
flatten_op_test.py Enable Flatten operator to take an arbitrary axis arguemnt 2017-10-13 12:28:22 -07:00
flexible_top_k_test.py add flexible topK op 2017-11-09 16:48:14 -08:00
floor_op_test.py [PR] Floor and Ceil Op 2018-02-21 18:31:45 -08:00
gather_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
gather_ranges_op_test.py GatherRangesToDenseOp supporting sorting with keys 2018-02-26 10:26:25 -08:00
given_tensor_fill_op_test.py Add "dtype" parameter for GivenTensorOp 2017-10-23 16:06:37 -07:00
glu_op_test.py Supress hypothesis health check in glu_op_test.py 2017-12-03 22:51:46 -08:00
group_conv_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
gru_test.py Fix RNN scoping situation 2018-02-07 17:35:29 -08:00
hsm_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
im2col_col2im_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
image_input_op_test.py Py3 test fixes 2017-12-05 10:34:41 -08:00
index_hash_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
index_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
instance_norm_test.py Fix instance_norm_test.test_instance_norm_model_helper 2017-11-22 15:05:29 -08:00
key_split_ops_test.py add KeySplitOp 2018-01-25 10:50:53 -08:00
lars_test.py [C2] Enable LARS on GPU (#2115) 2018-03-02 18:06:19 -08:00
layer_norm_op_test.py update transformer code for layer_norm() API change 2017-12-01 20:19:31 -08:00
lc_operator_test.py Adds cuda support for LC op 2018-01-25 10:19:48 -08:00
leaky_relu_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
learning_rate_op_test.py add hill learning rate scheduling 2017-12-19 23:35:44 -08:00
lengths_tile_op_test.py Add GPU support for LengthsTile 2017-10-12 11:17:34 -07:00
lengths_top_k_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
listwise_l2r_operator_test.py Listwise Ranking -- LambdaNDCG 2017-11-16 00:05:48 -08:00
load_save_test.py Move load_save_test.py from caffe2/python/ to caffe2/python/operator_test/ 2018-01-03 17:42:55 -08:00
loss_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
lpnorm_op_test.py Don't run CUDA tests for ops without CUDA implementation 2017-11-08 10:28:02 -08:00
map_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
margin_ranking_criterion_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
math_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
matmul_op_test.py Implement BatchMatMul with Numpy-style batch broadcast semantics 2017-12-05 10:34:35 -08:00
mean_op_test.py Mean Op (#2072) 2018-03-02 16:18:17 -08:00
merge_id_lists_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
mkl_conv_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
mkl_packed_fc_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
mkl_speed_test.py extend_operator_CostInferenceFunction 2018-02-09 10:56:29 -08:00
mod_op_test.py change ModOp to support output sign configurations 2018-01-31 18:03:16 -08:00
momentum_sgd_test.py Ensure indices list in sparse optimizer tests is unique 2018-01-03 12:19:14 -08:00
mpi_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
negate_gradient_op_test.py NegateGradientOp and test 2017-11-13 18:05:14 -08:00
ngram_ops_test.py Fix NGram from categorical test 2018-01-24 18:51:16 -08:00
normalize_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
one_hot_ops_test.py Add BatchBucketOneHotOp 2017-10-06 13:25:12 -07:00
onnx_while_test.py Fix ONNX While test for CUDA 2018-02-06 14:35:34 -08:00
pack_ops_test.py Reducing array sizes used in pack_ops_test to prevent time outs during Travis CI builds 2017-12-04 12:48:53 -08:00
pack_rnn_sequence_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
pad_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
partition_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
percentile_op_test.py Adding the Percentile op & UT 2018-02-05 16:08:00 -08:00
piecewise_linear_transform_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
pooling_test.py Fix failed test due to D6665466 2018-01-09 16:40:35 -08:00
prepend_dim_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
python_op_test.py Disable the python op test numba import in asan 2018-01-04 17:49:21 -08:00
rank_loss_operator_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
rebatching_queue_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
record_queue_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
recurrent_net_executor_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
recurrent_network_test.py Switch RNNOp to use NetDef argument for step represenetation. 2017-10-10 22:01:51 -07:00
reduce_ops_test.py Fix input of Reduce{Front/Back}{Sum/Mean}Gradient ops 2018-02-05 23:33:07 -08:00
reduction_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
relu_op_test.py Kick fbsync 2017-09-29 16:31:11 -07:00
reshape_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
resize_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
rmac_regions_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
rnn_cell_test.py fix rnn_cell_test in fbcode (#2107) 2018-03-01 21:02:52 -08:00
segment_ops_test.py SortedSegmentMean/SortedSegmentLogMeanExp Gradients CUDA implementation. 2017-12-14 13:05:19 -08:00
selu_op_test.py selu op 2017-12-15 15:38:44 -08:00
sequence_ops_test.py CUDA implementation for GatherPadddingOp 2017-12-15 16:05:31 -08:00
shape_inference_test.py Refactor Reduce{Front,Back}{Sum,Mean} Operators 2017-12-14 20:02:36 -08:00
sinusoid_position_encoding_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
softmax_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
softplus_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
sparse_gradient_checker_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
sparse_lengths_sum_benchmark.py Implement fused 8bit rowwise sparse lengths reductions 2018-01-19 15:44:35 -08:00
sparse_normalize_test.py Add sparse normalization operator 2018-02-02 15:05:59 -08:00
sparse_ops_test.py Add CUDA version of ScatterAssign 2017-10-24 10:20:03 -07:00
sparse_to_dense_mask_op_test.py Add int64 support to sparse_to_dense_mask_op 2017-10-10 17:19:44 -07:00
spatial_bn_op_test.py Updated brew SpatialBN to use initializers 2017-11-02 11:25:45 -07:00
specialized_segment_ops_test.py Fix boundary checking in 8-bit sparselengthssum ops 2017-11-03 05:19:57 -07:00
square_root_divide_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
stats_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
string_ops_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
text_file_reader_test.py update the video input op in caffe2 2018-01-19 09:52:25 -08:00
thresholded_relu_op_test.py Adding ThresholdedRelu Op support. 2018-02-08 12:18:40 -08:00
tile_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
top_k_test.py Revert update on top_k_op (#2119) 2018-03-02 16:07:45 -08:00
unique_uniform_fill_op_test.py Re-license to Apache 2017-09-28 16:22:00 -07:00
utility_ops_test.py Manually applying cudnn5 pull request. 2018-01-02 15:31:33 -08:00
video_input_op_test.py rectangle_cropping_multi_cropping_color_jittering_lighting 2018-02-12 16:39:06 -08:00
weighted_sample_test.py support non-normalized weights 2017-10-27 23:18:25 -07:00
weighted_sum_test.py Don't run CUDA tests for ops without CUDA implementation 2017-11-08 10:28:02 -08:00