Home
last modified time | relevance | path

Searched defs:data_shape (Results 1 – 25 of 280) sorted by relevance

12345678910>>...12

/dports/misc/py-mxnet/incubator-mxnet-1.9.0/tests/python/mkl/
H A Dtest_subgraph.py320 def head_symbol(data_shape): argument
326 def single_conv(no_bias, data_shape): argument
334 def conv_bn(no_bias, data_shape): argument
378 def conv_add(no_bias, data_shape): argument
390 def conv_add2(no_bias, data_shape): argument
457 def concat_scale_align(data_shape): argument
472 def mobilenetv2_struct(data_shape): argument
499 def neg_conv_bn(data_shape): argument
522 def neg_conv_relu(data_shape): argument
548 def neg_conv_add(data_shape): argument
[all …]
H A Dtest_contrib_amp.py316 …def check_amp_convert_conv_accuracy(data_shape, kernel, num_filter, pad, stride, no_bias, cast_opt… argument
345 def check_amp_convert_fc_accuracy(data_shape, num_hidden, cast_optional_params): argument
/dports/misc/mxnet/incubator-mxnet-1.9.0/tests/python/mkl/
H A Dtest_subgraph.py320 def head_symbol(data_shape): argument
326 def single_conv(no_bias, data_shape): argument
334 def conv_bn(no_bias, data_shape): argument
378 def conv_add(no_bias, data_shape): argument
390 def conv_add2(no_bias, data_shape): argument
457 def concat_scale_align(data_shape): argument
472 def mobilenetv2_struct(data_shape): argument
499 def neg_conv_bn(data_shape): argument
522 def neg_conv_relu(data_shape): argument
548 def neg_conv_add(data_shape): argument
[all …]
H A Dtest_contrib_amp.py316 …def check_amp_convert_conv_accuracy(data_shape, kernel, num_filter, pad, stride, no_bias, cast_opt… argument
345 def check_amp_convert_fc_accuracy(data_shape, num_hidden, cast_optional_params): argument
/dports/misc/mxnet/incubator-mxnet-1.9.0/3rdparty/tvm/tests/python/relay/
H A Dtest_any.py337 data_shape, src_layout, dst_layout, static_data_shape, ref_out_shape argument
375 def verify_any_transpose(data_shape, axes, static_data_shape): argument
394 def verify_any_squeeze(data_shape, axis, static_data_shape): argument
427 data_shape, argument
470 data_shape, argument
533 data_shape, argument
726 def verify_any_pad(data_shape, pad_width, static_data_shape): argument
857 data_shape, argument
1039 data_shape, argument
1200 def verify_any_repeat(data_shape, np_dshape, repeats, axis): argument
[all …]
/dports/misc/mxnet/incubator-mxnet-1.9.0/example/ssd/symbol/
H A Dsymbol_factory.py22 def get_config(network, data_shape, **kwargs): argument
103 def get_symbol_train(network, data_shape, **kwargs): argument
122 def get_symbol(network, data_shape, **kwargs): argument
/dports/misc/py-mxnet/incubator-mxnet-1.9.0/example/ssd/symbol/
H A Dsymbol_factory.py22 def get_config(network, data_shape, **kwargs): argument
103 def get_symbol_train(network, data_shape, **kwargs): argument
122 def get_symbol(network, data_shape, **kwargs): argument
/dports/misc/mxnet/incubator-mxnet-1.9.0/example/caffe/
H A Dcaffe_net.py130 data_shape = () variable
132 data_shape = (784, ) variable
136 data_shape = (1, 28, 28) variable
/dports/misc/py-mxnet/incubator-mxnet-1.9.0/example/caffe/
H A Dcaffe_net.py130 data_shape = () variable
132 data_shape = (784, ) variable
136 data_shape = (1, 28, 28) variable
/dports/misc/tvm/incubator-tvm-0.6.1/tests/python/relay/
H A Dtest_any.py143 def verify_any_take(data_shape, indices_shape, axis, data_np_shape, indices_np_shape): argument
191 def verify_any_reduce(reduce_op, data_shape, axis, exclude, keepdims, argument
235 def verify_any_expand_dims(data_shape, axis, num_newaxis, static_data_shape, ref_out_shape): argument
252 def verify_any_transpose(data_shape, axes, static_data_shape): argument
270 def verify_any_squeeze(data_shape, axis, static_data_shape): argument
302 def verify_any_conv2d_NCHWc(data_shape, kernel_shape, strides, padding, dilation, argument
329 def verify_any_pool2d(pool_type, data_shape, pool_size, strides, padding, argument
352 def verify_any_global_pool2d(pool_type, data_shape, layout, static_data_shape, ref_out_shape): argument
388 def verify_any_dense(data_shape, weight_shape, units, static_data_shape, argument
408 def verify_any_pad(data_shape, pad_width, static_data_shape): argument
[all …]
/dports/misc/py-tvm/incubator-tvm-0.6.1/tests/python/relay/
H A Dtest_any.py143 def verify_any_take(data_shape, indices_shape, axis, data_np_shape, indices_np_shape): argument
191 def verify_any_reduce(reduce_op, data_shape, axis, exclude, keepdims, argument
235 def verify_any_expand_dims(data_shape, axis, num_newaxis, static_data_shape, ref_out_shape): argument
252 def verify_any_transpose(data_shape, axes, static_data_shape): argument
270 def verify_any_squeeze(data_shape, axis, static_data_shape): argument
302 def verify_any_conv2d_NCHWc(data_shape, kernel_shape, strides, padding, dilation, argument
329 def verify_any_pool2d(pool_type, data_shape, pool_size, strides, padding, argument
352 def verify_any_global_pool2d(pool_type, data_shape, layout, static_data_shape, ref_out_shape): argument
388 def verify_any_dense(data_shape, weight_shape, units, static_data_shape, argument
408 def verify_any_pad(data_shape, pad_width, static_data_shape): argument
[all …]
/dports/misc/mxnet/incubator-mxnet-1.9.0/example/gluon/
H A Ddata.py33 def get_cifar10_iterator(batch_size, data_shape, resize=-1, num_parts=1, part_index=0): argument
60 def get_imagenet_transforms(data_shape=224, dtype='float32'): argument
76 def get_imagenet_iterator(root, batch_size, num_workers, data_shape=224, dtype='float32'): argument
129 def __init__(self, batch_size, data_shape, batches = 100): argument
148 def dummy_iterator(batch_size, data_shape): argument
152 …def __init__(self, path, data_shape, label_shape, batch_size=64, flag=0, input_aug=None, target_au… argument
/dports/misc/py-mxnet/incubator-mxnet-1.9.0/example/gluon/
H A Ddata.py33 def get_cifar10_iterator(batch_size, data_shape, resize=-1, num_parts=1, part_index=0): argument
60 def get_imagenet_transforms(data_shape=224, dtype='float32'): argument
76 def get_imagenet_iterator(root, batch_size, num_workers, data_shape=224, dtype='float32'): argument
129 def __init__(self, batch_size, data_shape, batches = 100): argument
148 def dummy_iterator(batch_size, data_shape): argument
152 …def __init__(self, path, data_shape, label_shape, batch_size=64, flag=0, input_aug=None, target_au… argument
/dports/misc/mxnet/incubator-mxnet-1.9.0/3rdparty/tvm/python/tvm/relay/op/vision/
H A D_vision.py50 def _get_valid_counts_shape_func(data_shape): argument
70 def _nms_shape_func(data_shape): argument
89 def _roi_align_shape_func(data_shape, rois_shape, pooled_size): argument
/dports/misc/mxnet/incubator-mxnet-1.9.0/3rdparty/tvm/python/tvm/relay/op/
H A D_transform.py139 def _strided_slice_shape_func_input_shape(data_shape, begin, end, strides, slice_mode): argument
217 def _reshape_shape_func_input_shape(data_shape, newshape, ndim): argument
299 def _take_with_axis_shape_func(data_shape, indices_shape, axis, out_ndim): argument
419 data_shape, out_layout_len, dst_equal_list, dst_mul_list, dst_div_list, dst_mix_list argument
521 def _expand_dim_shape_func(data_shape, ndim, axis, num_newaxis): argument
548 def _transpose_shape_func(data_shape, axes): argument
573 def _squeeze_shape_func(data_shape, keep_axes): argument
661 def _split_shape_func(data_shape, index, indices_or_sections, axis): argument
751 def _repeat_shape_func(data_shape, repeats, axis): argument
780 def _stack_shape_func(data_shape, axis, num_inputs): argument
/dports/science/py-dipy/dipy-1.4.1/dipy/reconst/
H A Dutils.py53 def _roi_in_volume(data_shape, roi_center, roi_radii): argument
81 def _mask_from_roi(data_shape, roi_center, roi_radii): argument
/dports/misc/py-mxnet/incubator-mxnet-1.9.0/tests/python/quantization/
H A Dtest_quantization.py199 def check_quantized_conv(data_shape, kernel, num_filter, pad, stride, dilate, no_bias, qdtype): argument
290 def check_quantized_elemwise_add(data_shape, qtype): argument
352 def check_quantized_elemwise_mul(data_shape, qtype): argument
413 …def check_quantized_pooling(data_shape, kernel, pool_type, pad, stride, global_pool, qdtype, conve… argument
486 def check_quantized_fc(data_shape, num_hidden, no_bias, qdtype, flatten=True): argument
599 def check_quantized_embedding(data_shape, input_dim, output_dim): argument
671 def check_quantized_act(data_shape, qdtype): argument
733 def check_quantized_bn(data_shape, qdtype): argument
996 def check_qsym_forward(qsym, qarg_params, qaux_params, data_shape, label_shape=None): argument
/dports/misc/mxnet/incubator-mxnet-1.9.0/tests/python/quantization/
H A Dtest_quantization.py199 def check_quantized_conv(data_shape, kernel, num_filter, pad, stride, dilate, no_bias, qdtype): argument
290 def check_quantized_elemwise_add(data_shape, qtype): argument
352 def check_quantized_elemwise_mul(data_shape, qtype): argument
413 …def check_quantized_pooling(data_shape, kernel, pool_type, pad, stride, global_pool, qdtype, conve… argument
486 def check_quantized_fc(data_shape, num_hidden, no_bias, qdtype, flatten=True): argument
599 def check_quantized_embedding(data_shape, input_dim, output_dim): argument
671 def check_quantized_act(data_shape, qdtype): argument
733 def check_quantized_bn(data_shape, qdtype): argument
996 def check_qsym_forward(qsym, qarg_params, qaux_params, data_shape, label_shape=None): argument
/dports/misc/mxnet/incubator-mxnet-1.9.0/3rdparty/tvm/tests/python/frontend/mxnet/
H A Dtest_forward.py37 data_shape=(1, 3, 224, 224), argument
795 def verify(data_shape, weight_shape): argument
901 def verify(data_shape, grid_shape): argument
1268 def verify(data_shape, out_shape, mode, pad_width, constant_value=0.0): argument
1327 def verify(data_shape, out_shape, begin, end): argument
1432 def verify(data_shape, kernel_size, stride, pad, num_filter): argument
1754 def verify(data_shape, start=None, step=None, axis=None): argument
1870 def verify(data_shape, axis, use_length, length): argument
1994 def test_forward_np_copy(data_shape, dtype, target, ctx, kind): argument
2035 def test_forward_npi_binary(data_shape, dtype, target, ctx, kind): argument
[all …]
/dports/misc/tvm/incubator-tvm-0.6.1/python/tvm/relay/op/
H A D_transform.py101 def _reshape_shape_func(data_shape, newshape, ndim): argument
180 def _take_with_axis_shape_func(data_shape, indices_shape, axis, out_ndim): argument
308 def _layout_transform_shape_func(data_shape, argument
397 def _expand_dim_shape_func(data_shape, ndim, axis, num_newaxis): argument
425 def _transpose_shape_func(data_shape, axes): argument
447 def _squeeze_shape_func(data_shape, keep_axes): argument
/dports/misc/py-tvm/incubator-tvm-0.6.1/python/tvm/relay/op/
H A D_transform.py101 def _reshape_shape_func(data_shape, newshape, ndim): argument
180 def _take_with_axis_shape_func(data_shape, indices_shape, axis, out_ndim): argument
308 def _layout_transform_shape_func(data_shape, argument
397 def _expand_dim_shape_func(data_shape, ndim, axis, num_newaxis): argument
425 def _transpose_shape_func(data_shape, axes): argument
447 def _squeeze_shape_func(data_shape, keep_axes): argument
/dports/misc/mxnet/incubator-mxnet-1.9.0/example/image-classification/
H A Dtrain_mnist.R74 get_iterator <- function(data_shape) { argument
129 data_shape <- c(784) vector
132 data_shape <- c(28, 28, 1) vector
/dports/misc/py-mxnet/incubator-mxnet-1.9.0/example/image-classification/
H A Dtrain_mnist.R74 get_iterator <- function(data_shape) { argument
129 data_shape <- c(784) vector
132 data_shape <- c(28, 28, 1) vector
/dports/misc/py-gluoncv/gluon-cv-0.9.0/scripts/detection/center_net/
H A Deval_center_net.py44 def get_dataset(dataset, data_shape): argument
57 def get_dataloader(val_dataset, data_shape, batch_size, num_workers): argument
/dports/misc/mxnet/incubator-mxnet-1.9.0/example/gluon/embedding_learning/
H A Ddata.py72 def __init__(self, data_path, batch_k, batch_size, data_shape, is_train): argument
155 def cub200_iterator(data_path, batch_k, batch_size, data_shape): argument

12345678910>>...12