Home
last modified time | relevance | path

Searched defs:dtypes (Results 1 – 25 of 109) sorted by relevance

12345

/aosp_15_r20/external/pytorch/torch/testing/_internal/
H A Dcommon_dtype.py13 def _validate_dtypes(*dtypes):
47 def floating_types_and(*dtypes):
58 def floating_and_complex_types_and(*dtypes):
79 def integral_types_and(*dtypes):
90 def all_types_and(*dtypes):
101 def complex_types_and(*dtypes):
112 def all_types_and_complex_and(*dtypes):
123 def custom_types(*dtypes):
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/runtime/
H A Dsymbolic_shape_test.cc39 llvm::SmallVector<DType> dtypes, in GetFunctionType()
83 auto dtypes = {DType::F32, DType::I32, DType::I1}; in TEST() local
146 auto dtypes = {DType::F32, DType::I32, DType::I1}; in TEST() local
208 auto dtypes = {DType::F32, DType::I32, DType::I1}; in TEST() local
282 auto dtypes = {DType::F32, DType::I32}; in TEST() local
306 auto dtypes = {DType::F32, DType::I32}; in TEST() local
345 auto dtypes = {DType::F32, DType::I32}; in TEST() local
371 auto dtypes = {DType::F32}; in TEST() local
468 auto dtypes = {DType::F32, DType::I32, DType::I1, DType::F32}; in BenchmarkFullyDynamic() local
492 auto dtypes = {DType::F32, DType::I32, DType::I1, DType::F32}; in BenchmarkSameDynamic() local
[all …]
/aosp_15_r20/external/pytorch/test/nn/
H A Dtest_embedding.py768 def test_embedding_bag_empty_input(self, device, dtypes): argument
790 def test_embedding_bag_out_of_bounds_idx(self, device, dtypes, padding_idx, mode): argument
879 def test_EmbeddingBag_per_sample_weights_failures(self, device, dtypes): argument
1002 def test_EmbeddingBag_empty_per_sample_weights_and_offsets(self, device, dtypes): argument
1068 def test_EmbeddingBag_per_sample_weights_and_offsets(self, device, dtypes): argument
1129 def test_EmbeddingBag_per_sample_weights_and_new_offsets(self, device, dtypes): argument
1294 def test_EmbeddingBag_per_sample_weights_and_no_offsets(self, device, dtypes): argument
1488 def test_embedding_bag_device(self, device, dtypes): argument
1562 def test_embedding_bag_non_contiguous_weight(self, device, dtypes): argument
1591 def test_embedding_bag_bfloat16(self, device, dtypes): argument
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/
H A Ddata_flow_ops.py44 def _as_type_list(dtypes): argument
56 dtypes, argument
88 def _as_name_list(names, dtypes): argument
136 def __init__(self, dtypes, shapes, names, queue_ref): argument
240 def dtypes(self): member in QueueBase
637 dtypes, argument
722 dtypes, argument
786 dtypes, argument
863 dtypes, argument
1613 dtypes, argument
[all …]
H A Dwhile_v2.py1001 dtypes=None, # pylint: disable=redefined-outer-name argument
1058 dtypes=None, # pylint: disable=redefined-outer-name argument
1104 dtypes=None, # pylint: disable=redefined-outer-name argument
/aosp_15_r20/external/pytorch/test/
H A Dtest_segment_reductions.py126 def test_simple_1d(self, device, dtypes): argument
183 def test_simple_zero_length(self, device, dtypes): argument
241 def test_multi_d_simple(self, device, dtypes): argument
370 def test_pytorch_scatter_test_cases(self, device, dtypes, reduce): argument
491 def test_multi_d(self, device, dtypes): argument
H A Dtest_binary_ufuncs.py493 def _supported(dtypes): argument
2125 def test_maximum_minimum_type_promotion(self, device, dtypes): argument
2269 def test_maximum_minimum_complex(self, device, dtypes): argument
2329 def test_maximum_and_minimum_subgradient(self, device, dtypes): argument
2489 def test_copysign(self, device, dtypes): argument
2567 def test_copysign_subgradient(self, device, dtypes): argument
3101 def test_comparison_ops_type_promotion_and_broadcasting(self, device, dtypes): argument
3231 def test_heaviside(self, device, dtypes): argument
3316 def test_heaviside_complex(self, device, dtypes): argument
3343 def _test_logical(self, device, dtypes, op, a_, b_, expected_res_): argument
[all …]
H A Dtest_type_promotion.py463 def test_result_type(self, device, dtypes): argument
895 def _run_all_tests_for_sparse_op(self, op_name, device, dtypes): argument
951 def test_numpy_array_binary_ufunc_promotion(self, device, dtypes): argument
1066 def test_unary_op_out_casting(self, device, dtypes): argument
1117 def test_clamp_type_promotion(self, device, dtypes): argument
H A Dtest_jiterator.py30 def test_all_dtype_contiguous(self, device, dtypes, shape_strides): argument
51 def test_all_dtype_noncontiguous(self, device, dtypes, shape_strides): argument
/aosp_15_r20/external/tensorflow/tensorflow/core/data/
H A Dsnapshot_utils_test.cc31 void GenerateTensorVector(tensorflow::DataTypeVector& dtypes, in GenerateTensorVector()
44 tensorflow::DataTypeVector dtypes; in SnapshotRoundTrip() local
96 tensorflow::DataTypeVector dtypes; in SnapshotReaderBenchmarkLoop() local
152 tensorflow::DataTypeVector dtypes; in SnapshotWriterBenchmarkLoop() local
H A Dsnapshot_utils.cc100 const DataTypeVector& dtypes, in Create()
178 const DataTypeVector& dtypes) in CustomWriter()
339 const DataTypeVector& dtypes, in Create()
375 const DataTypeVector& dtypes, in Dataset()
668 const DataTypeVector& dtypes, in MakeNestedDataset()
711 const DataTypeVector& dtypes) in TFRecordReader()
747 const DataTypeVector& dtypes) in CustomReader()
/aosp_15_r20/external/pytorch/test/functorch/
H A Dcommon_utils.py429 op_name, variant_name="", *, decorator=None, device_type=None, dtypes=None argument
441 def xfail(op_name, variant_name="", *, device_type=None, dtypes=None): argument
451 def skip(op_name, variant_name="", *, device_type=None, dtypes=None): argument
494 def decorateForModules(decorator, module_classes, device_type=None, dtypes=None): argument
501 dtypes=dtypes, argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/
H A DCUDALoops.cuh227 const ScalarType dtypes[], in invoke_impl()
244 const ScalarType dtypes[], in invoke()
306 at::detail::Array<ScalarType, ntensors> dtypes; in gpu_kernel_impl() local
333 at::detail::Array<ScalarType, ntensors> dtypes; in gpu_kernel_impl() local
/aosp_15_r20/external/pytorch/benchmarks/dynamo/
H A Drunner.py401 def generate_commands(args, dtypes, suites, devices, compilers, output_dir): argument
612 self, suites, devices, dtypes, compilers, flag_compilers, mode, output_dir argument
636 dtypes, argument
1015 def parse_logs(args, dtypes, suites, devices, compilers, flag_compilers, output_dir): argument
1475 dtypes = extract("dtypes") variable
/aosp_15_r20/external/tensorflow/tensorflow/core/ops/
H A Dtpu_outfeed_ops.cc54 std::vector<DataType> dtypes; in __anon9bead88d0102() local
88 std::vector<DataType> dtypes; in __anon9bead88d0202() local
/aosp_15_r20/external/tensorflow/tensorflow/core/tpu/graph_rewrite/
H A Dencapsulate_tpu_computations_pass.cc1255 std::vector<DataType> dtypes(num_replicas, dtype); in ReplaceArgUsedByOutsideCompilationWithPlaceholder() local
1661 std::vector<DataType> dtypes; in FindArgsToLiftForIfNode() local
1724 std::vector<DataType> dtypes; in FindArgsToLiftForWhileNode() local
1807 std::vector<DataType> dtypes(call_node->input_types().begin(), in FindArgsToLiftForCallNode() local
1980 const std::vector<DataType>& dtypes, Node* n) { in UpdateTypeAttribute()
2062 const std::vector<DataType>& dtypes, FunctionBody* fbody) { in CleanUpRetvalsForWhileBody()
2091 std::vector<DataType> dtypes; in LiftOutsideCompilationOnlyArgsFromWhileNode() local
2158 std::vector<DataType> dtypes; in LiftOutsideCompilationOnlyArgsFromIfNode() local
2249 std::vector<DataType> dtypes; in LiftOutsideCompilationOnlyArgsFromCallNode() local
H A Dvariable_merger_pass.cc56 DataTypeVector dtypes(num_var_handles); in MergeVarHandleOps() local
99 DataTypeVector dtypes(num_reads); in MergeReadVariableOps() local
/aosp_15_r20/external/pytorch/test/torch_np/
H A Dtest_nep50_examples.py126 dtypes = ( variable
139 dtypes = (None,) variable
/aosp_15_r20/external/tensorflow/tensorflow/core/tfrt/eager/
H A Dop_cache.h69 llvm::SmallVector<string_view, 4> dtypes) const { in Contains()
81 string_view device_name, llvm::SmallVector<string_view, 4> dtypes) in CacheKey()
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/math_ops/
H A Dbanded_triangular_solve_op_test.py27 def _verifySolveAllWays(self, x, y, dtypes, batch_dims=None): argument
53 dtypes=(np.float32, np.float64)): argument
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/linalg/
H A Dmatrix_triangular_solve_op_test.py27 def _verifySolveAllWays(self, x, y, dtypes, batch_dims=None): argument
53 dtypes=(np.float32, np.float64)): argument
/aosp_15_r20/external/pytorch/test/distributed/_tensor/
H A Dtest_dtensor_ops.py40 def xfail(op_name, variant_name="", *, device_type=None, dtypes=None): argument
44 def skip(op_name, variant_name="", *, device_type=None, dtypes=None): argument
/aosp_15_r20/external/executorch/kernels/portable/cpu/util/
H A Ddtype_util.h232 SupportedTensorDtypes dtypes) { in get_load_to_common_fn()
256 SupportedTensorDtypes dtypes) { in get_store_common_to_tensor_fn()
/aosp_15_r20/external/tensorflow/tensorflow/core/framework/
H A Dfunction.cc72 bool* is_type_list, DataTypeVector* dtypes) { in ArgNumType()
181 DataTypeVector dtypes; in BuildInputArgIndex() local
236 DataTypeVector dtypes; in BuildNodeOutputIndex() local
267 DataTypeVector dtypes; in InstantiateNode() local
369 DataTypeVector dtypes; in AddReturnNode() local
435 DataTypeVector dtypes; member
/aosp_15_r20/external/deqp/external/vulkancts/modules/vulkan/spirv_assembly/
H A DvktSpvAsmComputeShaderCase.cpp209 const vector<VkDescriptorType> &dtypes) in createDescriptorSetLayout()
260 const vector<VkDescriptorType> &dtypes) in createDescriptorPool()
277 … VkDescriptorSetLayout layout, const vector<VkDescriptorType> &dtypes, in createDescriptorSet()

12345