/external/armnn/python/pyarmnn/test/ |
D | test_const_tensor.py | 17 … (ann.DataType_Float32, np.random.randint(1, size=(2, 4)).astype(np.float32)), 18 … (ann.DataType_Float16, np.random.randint(1, size=(2, 4)).astype(np.float16)), 19 … (ann.DataType_QAsymmU8, np.random.randint(1, size=(2, 4)).astype(np.uint8)), 20 … (ann.DataType_QAsymmS8, np.random.randint(1, size=(2, 4)).astype(np.int8)), 21 … (ann.DataType_QSymmS8, np.random.randint(1, size=(2, 4)).astype(np.int8)), 22 … (ann.DataType_Signed32, np.random.randint(1, size=(2, 4)).astype(np.int32)), 23 … (ann.DataType_QSymmS16, np.random.randint(1, size=(2, 4)).astype(np.int16)) 37 … (ann.DataType_Float32, np.random.randint(1, size=(2, 2)).astype(np.float32)), 38 … (ann.DataType_Float16, np.random.randint(1, size=(2, 2)).astype(np.float16)), 39 … (ann.DataType_QAsymmU8, np.random.randint(1, size=(2, 2)).astype(np.uint8)), [all …]
|
/external/executorch/extension/llm/custom_ops/ |
D | test_update_quantized_cache.py | 90 k = torch.randint(0, 50, (1, 1, 8, 4), dtype=torch.int8) 91 v = torch.randint(0, 50, (1, 1, 8, 4), dtype=torch.int8) 94 k_zero_points = torch.randint(0, 20, (1, 1, 8, 1), dtype=torch.int64) 95 v_zero_points = torch.randint(0, 20, (1, 1, 8, 1), dtype=torch.int64) 103 k = torch.randint(0, 50, (1, 3, 8, 4), dtype=torch.int8) 104 v = torch.randint(0, 50, (1, 3, 8, 4), dtype=torch.int8) 107 k_zero_points = torch.randint(0, 20, (1, 3, 8, 1), dtype=torch.int64) 108 v_zero_points = torch.randint(0, 20, (1, 3, 8, 1), dtype=torch.int64) 116 k = torch.randint(0, 50, (1, 1, 8, 4), dtype=torch.int8) 117 v = torch.randint(0, 50, (1, 1, 8, 4), dtype=torch.int8) [all …]
|
/external/pytorch/torchgen/static_runtime/ |
D | config.py | 99 arg_map["index"] = "at::randint(0, 216, {20}, torch::kInt64)" 101 arg_map["index"] = "at::randint(0, 1000, {100}, torch::kInt64)" 146 arg_map["target"] = "at::randint(6, {6}, torch::kInt64)" 150 arg_map["target"] = "at::randint(22, {22}, torch::kInt64)" 156 arg_map["target"] = "at::randint(6, {6, 6}, torch::kInt64)" 159 arg_map["target"] = "at::randint(22, {22, 22}, torch::kInt64)" 164 arg_map["target"] = "at::randint(6, {6}, torch::kInt64)" 168 arg_map["target"] = "at::randint(22, {22}, torch::kInt64)" 174 arg_map["target"] = "at::randint(6, {6, 6, 6}, torch::kInt64)" 178 arg_map["target"] = "at::randint(22, {22, 22, 22}, torch::kInt64)" [all …]
|
/external/ltp/testcases/network/nfsv4/acl/ |
D | random_gen.py | 32 group = self.gList[random.randint(0,len(self.gList)-1)][0] 154 l=random.randint(0,maxlength) 156 a = random.randint(0,a_length-1) 164 a = random.randint(0,a_length-1) 178 type = ace_type[random.randint(0,len(ace_type))] 179 flag = ace_flags[random.randint(0,len(ace_flags))] 180 mask = ace_mask[random.randint(0,len(ace_mask))] 181 who = ace_who[random.randint(0,len(ace_who))] 190 n = random.randint(0,userListSize-1) 200 if random.randint(0,1) == 1: [all …]
|
/external/pytorch/test/ |
D | test_out_dtype_op.py | 31 weight = torch.randint(-128, 127, (5, 5), dtype=torch.int8) 33 x = torch.randint(-128, 127, (5, 5), dtype=torch.int8) 61 weight = torch.randint(-128, 127, (5, 5), dtype=torch.int8) 63 x = torch.randint(-128, 127, (5, 5), dtype=torch.int8) 88 weight = torch.randint(-128, 127, (5, 5), dtype=torch.int8) 90 x = torch.randint(-128, 127, (5, 5), dtype=torch.int8) 105 inp = (torch.randint(-128, 127, (5, 5), dtype=torch.int8), 3.0) 116 inp = (torch.randint(-128, 127, (5, 5), dtype=torch.int8), 3.0) 131 …M(), (torch.randint(-128, 127, (5, 5), dtype=torch.int8), torch.randint(-128, 127, (5, 5), dtype=t… 141 …f(torch.randint(-128, 127, (5, 5), dtype=torch.int8), torch.randint(-128, 127, (5, 5), dtype=torch… [all …]
|
D | test_mkldnn.py | 106 for cpu_tensor in [torch.randint( 112 torch.randint( 237 N = torch.randint(3, 10, (1,)).item() 238 M = torch.randint(1, 3, (1,)).item() * groups 239 C = torch.randint(1, 3, (1,)).item() * groups 295 N = torch.randint(1, 3, (1,)).item() 296 M = torch.randint(1, 3, (1,)).item() * groups 297 C = torch.randint(1, 3, (1,)).item() * groups 364 N = torch.randint(3, 10, (1,)).item() 365 M = torch.randint(1, 3, (1,)).item() * groups [all …]
|
D | test_scatter_gather_ops.py | 35 idx[tuple(ii)] = torch.randint(dim_size, (elems_per_row,)) 39 m, n, o = random.randint(10, 20), random.randint(10, 20), random.randint(10, 20) 40 elems_per_row = random.randint(1, 10) 79 index = torch.randint(0, 2, [3, 0], dtype=torch.int64, device=device) 88 m, n, o = random.randint(10, 20), random.randint(10, 20), random.randint(10, 20) 89 elems_per_row = random.randint(1, 10) 100 src_size = [random.randint(1, 5) + s for s in idx_size] 288 idx = torch.randint(0, dim_size, shape) 339 idx = torch.randint(0, dim_size, shape)
|
/external/executorch/kernels/quantized/test/ |
D | test_quant_dequant_per_token.py | 37 zero_point = torch.randint(0, 10, (8, 1)) 50 zero_point = torch.randint(0, 10, (1, 3, 8, 1)) 63 zero_point = torch.randint(0, 10, (1, 1, 8, 1)) 75 zero_point = torch.randint(0, 10, (1, 3, 8, 1)) 86 input_tensor = torch.randint(-50, 120, (3, 3), dtype=torch.int8) 101 input_tensor = torch.randint(-50, 120, (8, 32), dtype=torch.int8) 103 zero_point = torch.randint(0, 10, (8, 1)) 114 input_tensor = torch.randint(-50, 120, (1, 3, 8, 32), dtype=torch.int8) 116 zero_point = torch.randint(0, 10, (1, 3, 8, 1)) 127 input_tensor = torch.randint(-50, 120, (1, 1, 8, 32), dtype=torch.int8) [all …]
|
/external/tensorflow/tensorflow/compiler/mlir/tfrt/python_tests/ |
D | tf_matmul_test.py | 52 k = np.random.randint(1, 10) 59 k = np.random.randint(1, 10) 60 n = np.random.randint(1, 10) 67 m = np.random.randint(1, 10) 68 k = np.random.randint(1, 10) 75 m = np.random.randint(1, 10) 76 k = np.random.randint(1, 10) 77 n = np.random.randint(1, 10)
|
/external/pytorch/benchmarks/operator_benchmark/pt/ |
D | cat_test.py | 50 lambda: random.randint(2**6, 2**7), 60 lambda: random.randint(2**6, 2**7), 70 lambda: random.randint(2**6, 2**7), 75 [[lambda: random.randint(2**5, 2**6), 2**5, 2**6], 50, 0], # noqa: E241 77 [2**5, lambda: random.randint(2**5, 2**6), 2**6], # noqa: E241,E272 85 lambda: random.randint(2**5, 2**6), 114 [[lambda: random.randint(1, 10000)], 100, 0], 115 [[lambda: random.randint(1, 1000)], 1000, 0], 116 [[lambda: random.randint(1, 500)], 2000, 0], 117 [[lambda: random.randint(1, 300)], 3000, 0],
|
D | qembedding_bag_lookups_test.py | 108 self.num_lengths = np.random.randint(1, num_offsets + 1) 109 self.lengths = np.random.randint( 119 np.random.randint( 139 np.random.randint( 219 self.num_lengths = np.random.randint(1, num_offsets + 1) 220 self.lengths = np.random.randint( 230 np.random.randint( 250 np.random.randint(
|
/external/executorch/backends/apple/mps/test/ |
D | test_mps_models.py | 94 torch.randint(0, 10, (2, 2)), 95 torch.randint(0, 10, (2, 2)), 96 random.randint(0, 10), 195 return (torch.randint(2, [1]) == 0, torch.randn(10)) 222 return (random.randint(0, 1) == 0, torch.randn(10)) 231 inputs=(torch.zeros([1]).to(dtype=torch.long), torch.randint(10, 100, [1])) 237 inputs=(torch.zeros([1]).to(dtype=torch.long), torch.randint(10, 100, [1])) 268 return (torch.zeros([1]).to(dtype=torch.long), torch.randint(10, 100, [1])) 277 inputs=(torch.zeros([1]).to(dtype=torch.long), torch.randint(10, 100, [1])) 283 torch.randint(10, 100, [1]), [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/math_ops/ |
D | bincount_op_test.py | 88 arr = np.random.randint(0, 1000, num_samples) 90 weights = np.random.randint(-100, 100, num_samples) 102 arr = np.random.randint(0, 1000, num_samples) 111 arr = np.random.randint(0, 1000, size=1000) 116 arr = np.random.randint(0, 1000, size=(100, 100)) 192 inp = np.random.randint(0, size, (4096), dtype=dtype) 208 inp = np.random.randint(0, size, (4096,), dtype=dtype) 226 inp = np.random.randint(0, size, (4096), dtype=dtype) 243 inp = np.random.randint(0, size, (4096,), dtype=dtype) 255 inp = np.random.randint(0, size, (num_rows, num_cols), dtype=dtype) [all …]
|
/external/pytorch/test/distributed/_tensor/ |
D | test_tensor_ops.py | 434 global_index = torch.randint(8, (4, 4, 8)) 452 global_index = torch.randint(8, (4, 1, 8)) 465 global_index = torch.randint(8, (4, 4, 8)) 488 torch.randint(5, (4, 8)), 494 torch.randint(5, (4,)), 500 torch.randint(5, (4,)), 506 torch.randint(5, (12,)), 512 torch.randint(5, (4, 8)), 518 torch.randint(5, (4, 12)), 524 torch.randint(5, (4, 8, 16)), [all …]
|
/external/pytorch/test/nn/ |
D | test_dropout.py | 48 b = random.randint(1, 5) 49 w = random.randint(1, 5) 50 h = random.randint(1, 5) 51 d = random.randint(1, 2) 213 random.randint(10, 15), 214 random.randint(10, 15), 215 random.randint(10, 15), 242 b = random.randint(1, 5) 243 w = random.randint(1, 5) 244 h = random.randint(1, 5) [all …]
|
/external/pytorch/test/inductor/ |
D | test_pattern_matcher.py | 136 torch.randint(-128, 127, (32, 32), dtype=torch.int8, device="cuda"), 137 torch.randint(-128, 127, (32, 8), dtype=torch.int8, device="cuda"), 141 torch.randint(-128, 127, (32, 32), dtype=torch.int8, device="cuda"), 142 torch.randint(-128, 127, (32, 8), dtype=torch.int8, device="cuda"), 146 torch.randint(-128, 127, (32, 32), dtype=torch.int8, device="cuda"), 147 torch.randint(-128, 127, (32, 8), dtype=torch.int8, device="cuda"), 164 torch.randint(-128, 127, (32, 32), dtype=torch.int8, device="cuda"), 165 torch.randint(-128, 127, (32, 8), dtype=torch.int8, device="cuda"), 170 torch.randint(-128, 127, (32, 32), dtype=torch.int8, device="cuda"), 171 torch.randint(-128, 127, (32, 8), dtype=torch.int8, device="cuda"), [all …]
|
D | test_scatter_optimization.py | 41 x = torch.randint(0, N, (L, M), dtype=torch.int64) 59 x = torch.randint(0, M, (N,), dtype=torch.int64) 72 x = torch.randint(0, N, (M,), dtype=torch.int64) 85 x = torch.randint(0, N, (M // 2,), dtype=torch.int64) 99 x = torch.randint(0, N, (M,), dtype=torch.int64) 112 x = torch.randint(0, N, (M, N // 2), dtype=torch.int64) 128 x = torch.randint(0, N, (M, 1), dtype=torch.int64) 174 label = torch.randint(0, V, (B, T)).to(torch.int64)
|
/external/pytorch/test/typing/reveal/ |
D | tensor_sampling.py | 38 # randint 39 reveal_type(torch.randint(3, 5, (3,))) # E: {Tensor} 40 reveal_type(torch.randint(10, (2, 2))) # E: {Tensor} 41 reveal_type(torch.randint(3, 10, (2, 2))) # E: {Tensor} 44 b = torch.randint(3, 50, (3, 4))
|
/external/pytorch/aten/src/ATen/ |
D | VmapModeRegistrations.cpp | 99 m.impl("randint", unsupportedRandomOp<int64_t, IntArrayRef, TENSOROPTIONS>); in TORCH_LIBRARY_IMPL() 100 …m.impl("randint.generator", unsupportedRandomOp<int64_t, IntArrayRef, std::optional<Generator>, TE… in TORCH_LIBRARY_IMPL() 101 m.impl("randint.low", unsupportedRandomOp<int64_t, int64_t, IntArrayRef, TENSOROPTIONS>); in TORCH_LIBRARY_IMPL() 102 …m.impl("randint.low_generator", unsupportedRandomOp<int64_t, int64_t, IntArrayRef, std::optional<G… in TORCH_LIBRARY_IMPL() 103 m.impl("randint.out", unsupportedRandomOp_<int64_t, IntArrayRef, Tensor&>); in TORCH_LIBRARY_IMPL() 104 …m.impl("randint.generator_out", unsupportedRandomOp_<int64_t, IntArrayRef, std::optional<Generator… in TORCH_LIBRARY_IMPL() 105 m.impl("randint.low_out", unsupportedRandomOp_<int64_t, int64_t, IntArrayRef, Tensor&>); in TORCH_LIBRARY_IMPL() 106 …m.impl("randint.low_generator_out", unsupportedRandomOp_<int64_t, int64_t, IntArrayRef, std::optio… in TORCH_LIBRARY_IMPL()
|
/external/toolchain-utils/bestflags/ |
D | flags_test.py | 34 start = random.randint(1, sys.maxint - 1) 35 end = random.randint(start + 1, sys.maxint) 74 start = random.randint(1, sys.maxint - 1) 75 end = random.randint(start + 1, sys.maxint) 76 value = random.randint(start, end - 1) 90 value = random.randint(1, sys.maxint - 1)
|
/external/tink/java_src/src/main/java/com/google/crypto/tink/subtle/ |
D | Random.java | 32 public static final int randInt(int max) { in randInt() method in Random 33 return com.google.crypto.tink.internal.Random.randInt(max); in randInt() 37 public static final int randInt() { in randInt() method in Random 38 return com.google.crypto.tink.internal.Random.randInt(); in randInt()
|
/external/tink-java/src/main/java/com/google/crypto/tink/subtle/ |
D | Random.java | 32 public static final int randInt(int max) { in randInt() method in Random 33 return com.google.crypto.tink.internal.Random.randInt(max); in randInt() 37 public static final int randInt() { in randInt() method in Random 38 return com.google.crypto.tink.internal.Random.randInt(); in randInt()
|
/external/cronet/stable/testing/clusterfuzz/common/ |
D | fuzzy_types.py | 31 lambda n: n + random.randint(-1024, 1024), 59 chr(random.randint(0, sys.maxunicode)) 66 lambda s: s[:-random.randint(1, max(1, 68 lambda s: textwrap.fill(s, random.randint(1, max(1, 135 location = random.randint(0, max(0, len(self) - 1)) 151 location = random.randint(0, max(0, len(self) - 1)) 163 location = random.randint(0, max(0, len(self) - 1)) 208 random_bytes = lambda: random.randint(0x00, 0xFF)
|
/external/cronet/tot/testing/clusterfuzz/common/ |
D | fuzzy_types.py | 31 lambda n: n + random.randint(-1024, 1024), 59 chr(random.randint(0, sys.maxunicode)) 66 lambda s: s[:-random.randint(1, max(1, 68 lambda s: textwrap.fill(s, random.randint(1, max(1, 135 location = random.randint(0, max(0, len(self) - 1)) 151 location = random.randint(0, max(0, len(self) - 1)) 163 location = random.randint(0, max(0, len(self) - 1)) 208 random_bytes = lambda: random.randint(0x00, 0xFF)
|
/external/pytorch/test/quantization/core/ |
D | test_quantized_tensor.py | 150 n = np.random.randint(1, 10) 151 c = np.random.randint(2, 10) 152 h = np.random.randint(2, 10) 153 w = np.random.randint(2, 10) 156 zero_point = np.random.randint(0.0, 10) 158 dtype = qints[np.random.randint(0, len(qints))] 182 n = np.random.randint(1, 10) 183 c = np.random.randint(2, 10) 184 h = np.random.randint(2, 10) 185 w = np.random.randint(2, 10) [all …]
|