/aosp_15_r20/external/pytorch/test/torch_np/numpy_tests/lib/ |
H A D | test_shape_base_.py | 160 ai = np.arange(10, dtype=np.intp).reshape((1, 2, 5)) % 4 176 a = np.arange(27).reshape((3, 3, 3)) 208 a2d = np.arange(6 * 3).reshape((6, 3)) 227 a3d = np.arange(6 * 5 * 3).reshape((6, 5, 3)) 247 a = np.arange(6 * 3).reshape((6, 3)) 298 a = np.arange(24).reshape(2, 3, 4) 336 a = np.arange(10) 340 a = np.arange(10) 342 desired = [np.arange(10)] 346 desired = [np.arange(5), np.arange(5, 10)] [all …]
|
H A D | test_function_base.py | 115 data = np.arange(n) 167 a = np.arange(8).reshape((2, 2, 2)) 232 a = np.arange(2 * 3 * 4 * 5).reshape(2, 3, 4, 5) 372 y = np.arange(10) 373 w = np.arange(10) 375 desired = (np.arange(10) ** 2).sum() * 1.0 / np.arange(10).sum() 489 choices = [1, np.arange(12).reshape(4, 3)] 556 b = np.arange(1, 4).repeat(3).reshape(3, 3) 558 (a[:, 0:1], np.arange(1, 4).repeat(3).reshape(3, 3).T, a[:, 1:2]), axis=1 566 a = np.arange(4).reshape(2, 2) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/math_ops/ |
H A D | transpose_op_test.py | 43 perm = (rank - 1) - np.arange(rank) 72 perm = (rank - 1) - np.arange(rank) 139 self._compareCpu(np.arange(0., 2), [0]) 142 vector = np.arange(0, 2).reshape((1, 1, 1, 2, 1)) 163 inp = np.arange( 186 inp = np.arange( 223 inp = np.arange( 248 inp = np.arange( 271 inp = np.arange( 336 self._compareCpu(np.arange(0, 6).reshape([3, 2]).astype(np.float32), [0, 1]) [all …]
|
H A D | cwise_ops_unary_test.py | 186 x = np.arange(-3, 3).reshape(1, 3, 2).astype(np.float32) 190 k = np.arange(-0.90, 0.90, 0.25).astype(np.float32) # between -1 and 1 241 x = np.arange(40, 40 + 6).reshape(6).astype(np.float32) 243 x = np.arange(-40, -40 + 6).reshape(6).astype(np.float32) 296 x = np.arange(-3, 3).reshape(1, 3, 2).astype(np.float64) 300 k = np.arange(-0.90, 0.90, 350 x = np.arange(-3, 3).reshape(1, 3, 2).astype(np.float16) 354 k = np.arange(-0.90, 0.90, 0.05).astype(np.float16) # between -1 and 1 409 x = np.arange(-6, 6, 414 k = np.arange(-0.90, 0.90, 0.05).astype(bfloat16) # between -1 and 1 [all …]
|
/aosp_15_r20/external/pytorch/test/torch_np/numpy_tests/core/ |
H A D | test_einsum.py | 156 np.arange(6).reshape(2, 3), 163 np.arange(6).reshape(2, 3), 172 np.arange(6).reshape(2, 3), 180 out=np.arange(4).reshape(2, 2), 194 np.arange(6).reshape(-1, 1), 203 a = np.arange(6) 228 a = np.arange(6) 240 a = np.arange(9) 252 a = np.arange(27) 312 a = np.arange(27) [all …]
|
H A D | test_multiarray.py | 159 self.a = np.arange(10) 174 arr = np.arange(10) 186 arr = np.arange(10) 239 a = np.arange(1000) 246 a = np.arange(10) 266 a = np.arange(10) 346 self.one = np.arange(10) 347 self.two = np.arange(20).reshape(4, 5) 348 self.three = np.arange(60, dtype=np.float64).reshape(2, 5, 6) 372 assert_equal(self.two.base, np.arange(20)) [all …]
|
H A D | test_indexing.py | 151 index = np.arange(5) 153 arr = np.arange(10) 156 arr[u_index] = np.arange(5) 157 assert_array_equal(arr, np.arange(10)) 159 arr = np.arange(10).reshape(5, 2) 162 arr[u_index] = np.arange(5)[:, None] 163 assert_array_equal(arr, np.arange(5)[:, None].repeat(2, axis=1)) 165 arr = np.arange(25).reshape(5, 5) 259 a = np.arange(4) 295 c = np.arange(5)[::-1] [all …]
|
H A D | test_dlpack.py | 43 x = np.arange(5) 52 x = np.arange(5) 61 x = np.arange(5) 83 x = np.arange(5, dtype=dtype) 90 x = np.arange(25).reshape((5, 5)) 115 x = np.arange(5) 123 x = np.arange(5) 133 x = np.arange(5) 144 t = torch.arange(4) 149 a = np.arange(4)
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/numpy_ops/ |
H A D | np_array_ops_test.py | 380 int_values = np.arange(-3, 3).tolist() 381 float_values = np.arange(-3.5, 3.5).tolist() 386 self.match(np_array_ops.arange(start), np.arange(start), msg=msg) 388 np_array_ops.arange(start, dtype=dtype), 389 np.arange(start, dtype=dtype), 394 np_array_ops.arange(start, stop), np.arange(start, stop), msg=msg) 399 np_array_ops.arange(start, stop, dtype=dtype), 400 np.arange(start, stop, dtype=dtype), 403 # because numpy.arange itself returns inconsistent results. e.g. 404 # np.arange(0.5, 3, step=0.5, dtype=int) returns [all …]
|
/aosp_15_r20/external/pytorch/torch/testing/_internal/ |
H A D | triton_utils.py | 27 offsets = block_start + tl.arange(0, BLOCK_SIZE) 45 offsets = block_start + tl.arange(0, BLOCK_SIZE) 74 offsets = block_start + tl.arange(0, BLOCK_SIZE) 99 offsets = block_start + tl.arange(0, BLOCK_SIZE) 134 xindex = xoffset + tl.arange(0, BLOCK_SIZE_X)[:, None] 137 yindex = yoffset + tl.arange(0, BLOCK_SIZE_Y)[None, :] 169 offsets = block_start + tl.arange(0, BLOCK_SIZE) 187 offsets = block_start + tl.arange(0, BLOCK_SIZE) 203 offsets = block_start + tl.arange(0, BLOCK_SIZE) 217 offsets = block_start + tl.arange(0, BLOCK_SIZE) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/training/ |
H A D | training_ops_test.py | 64 x = np.arange(100).astype(dtype) 66 delta = np.arange(100).astype(dtype) 189 x = np.arange(100).astype(dtype) 190 y = np.arange(1, 101).astype(dtype) 192 grad = np.arange(100).astype(dtype) 199 x = np.arange(100).astype(dtype) 200 y = np.arange(1, 101).astype(dtype) 201 z = np.arange(102, 202).astype(dtype) 205 grad = np.arange(100).astype(dtype) 212 x = np.arange(100).astype(dtype) [all …]
|
/aosp_15_r20/external/elfutils/libdwfl/ |
H A D | cu.c | 42 return &mod->dw->dieranges->info[mod->aranges[idx].arange]; in dwar() 47 addrarange (Dwfl_Module *mod, Dwarf_Addr addr, struct dwfl_arange **arange) in addrarange() argument 77 aranges[naranges].arange = i; in addrarange() 128 *arange = &mod->aranges[idx]; in addrarange() 292 /* Intern the CU arange points to, if necessary. */ 295 arangecu (Dwfl_Module *mod, struct dwfl_arange *arange, struct dwfl_cu **cu) in arangecu() argument 297 if (arange->cu == NULL) in arangecu() 299 const Dwarf_Arange *dwarange = &mod->dw->dieranges->info[arange->arange]; in arangecu() 300 Dwfl_Error result = intern_cu (mod, dwarange->offset, &arange->cu); in arangecu() 303 assert (arange->cu != NULL && arange->cu != (void *) -1l); in arangecu() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/signal/ |
H A D | shape_ops_test.py | 36 tensor = constant_op.constant(np.arange(9152), dtypes.int32) 41 expected = np.tile(np.arange(512), (49, 1)) 42 expected += np.tile(np.arange(49) * 180, (512, 1)).T 49 tensor = constant_op.constant(np.arange(10000), dtypes.int32) 54 expected = np.tile(np.arange(512), (53, 1)) 55 expected += np.tile(np.arange(53) * 192, (512, 1)).T 158 signal = np.arange(6) 182 signal = np.vstack([np.arange(6), 183 np.arange(6) + 10]) 210 signal = np.vstack([np.arange(6), [all …]
|
/aosp_15_r20/external/pytorch/test/distributed/_tensor/ |
H A D | test_dtensor_compile.py | 146 mesh = DeviceMesh(self.device_type, torch.arange(self.world_size)) 152 mesh = DeviceMesh(self.device_type, torch.arange(self.world_size)) 166 mesh = DeviceMesh(self.device_type, torch.arange(self.world_size)) 180 mesh = DeviceMesh(self.device_type, torch.arange(self.world_size)) 197 mesh = DeviceMesh(self.device_type, torch.arange(self.world_size)) 220 mesh = DeviceMesh(self.device_type, torch.arange(self.world_size)) 242 mesh = DeviceMesh(self.device_type, torch.arange(self.world_size)) 260 mesh = DeviceMesh(self.device_type, torch.arange(self.world_size)) 303 mesh = DeviceMesh(self.device_type, torch.arange(self.world_size)) 367 mesh = DeviceMesh(self.device_type, torch.arange(self.world_size)) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/control_flow/ |
H A D | scan_ops_test.py | 98 x = np.arange(1, 6).reshape([5]).astype(dtype) 108 x = np.arange(1, 6).reshape([5]).astype(dtype) 116 x = np.arange(1, 6).reshape([5]).astype(dtype) 123 x = np.arange(0, 10).reshape([2, 5]).astype(dtype) 130 x = np.arange(0, 20).reshape([2, 2, 5]).astype(dtype) 137 x = np.arange(1, 145).reshape([2, 2, 3, 3, 2, 2]).astype(dtype) 149 x = np.arange(0, 10).reshape([2, 5]).astype(np.float32) 166 x = np.arange(0, 50).reshape(shape).astype(np.float64) 231 x = np.arange(1, 6).reshape([5]).astype(dtype) 241 x = np.arange(1, 6).reshape([5]).astype(dtype) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/layers/ |
H A D | merge.py | 300 >>> tf.keras.layers.Multiply()([np.arange(5).reshape(5, 1), 301 ... np.arange(5, 10).reshape(5, 1)]) 309 >>> x1 = tf.keras.layers.Dense(8)(np.arange(10).reshape(5, 2)) 310 >>> x2 = tf.keras.layers.Dense(8)(np.arange(10, 20).reshape(5, 2)) 367 >>> tf.keras.layers.Maximum()([np.arange(5).reshape(5, 1), 368 ... np.arange(5, 10).reshape(5, 1)]) 376 >>> x1 = tf.keras.layers.Dense(8)(np.arange(10).reshape(5, 2)) 377 >>> x2 = tf.keras.layers.Dense(8)(np.arange(10, 20).reshape(5, 2)) 397 >>> tf.keras.layers.Minimum()([np.arange(5).reshape(5, 1), 398 ... np.arange(5, 10).reshape(5, 1)]) [all …]
|
/aosp_15_r20/external/pytorch/test/jit/ |
H A D | test_union_pep604.py | 733 "list_literal_of_tensor": "[torch.arange(3), torch.arange(5)]", 735 "list_literal_of_mixed": "[torch.arange(5), 1]", 736 … "list_comprehension_of_tensor": "[torch.add(x, 1) for x in [torch.arange(3), torch.arange(5)]]", 738 "list_comprehension_of_mixed": "[torch.add(1, x) for x in [torch.arange(5), 1]]", 872 "dict_literal_of_str_tensor": '{"foo" : torch.arange(3), "bar" : torch.arange(5)}', 874 "dict_literal_of_mixed": '{"foo" : torch.arange(3), "bar" : 2}', 876 zip(["foo", "bar"], [torch.arange(3), torch.arange(5)])}', 880 zip(["foo", "bar"], [torch.arange(3), 2])}', 881 "dict_keyword": "dict(foo=torch.arange(3), baz=torch.arange(5))", 882 … "dict_keyword_with_iterable": 'dict([("foo", torch.arange(3)), ("bar", torch.arange(5))])', [all …]
|
H A D | test_union.py | 723 "list_literal_of_tensor": "[torch.arange(3), torch.arange(5)]", 725 "list_literal_of_mixed": "[torch.arange(5), 1]", 726 … "list_comprehension_of_tensor": "[torch.add(x, 1) for x in [torch.arange(3), torch.arange(5)]]", 728 "list_comprehension_of_mixed": "[torch.add(1, x) for x in [torch.arange(5), 1]]", 868 "dict_literal_of_str_tensor": '{"foo" : torch.arange(3), "bar" : torch.arange(5)}', 870 "dict_literal_of_mixed": '{"foo" : torch.arange(3), "bar" : 2}', 872 zip(["foo", "bar"], [torch.arange(3), torch.arange(5)])}', 876 zip(["foo", "bar"], [torch.arange(3), 2])}', 877 "dict_keyword": "dict(foo=torch.arange(3), baz=torch.arange(5))", 878 … "dict_keyword_with_iterable": 'dict([("foo", torch.arange(3)), ("bar", torch.arange(5))])', [all …]
|
/aosp_15_r20/external/elfutils/libdw/ |
H A D | dwarf_getaranges.c | 41 Dwarf_Arange arange; member 51 if (l1->arange.addr != l2->arange.addr) in compare_aranges() 52 return (l1->arange.addr < l2->arange.addr) ? -1 : 1; in compare_aranges() 106 (*aranges)->info[i] = elt->arange; in finalize_aranges() 146 /* Add arange for each range list entry or high_pc and low_pc. */ in __libdw_getdieranges() 163 new_arange->arange.addr = low; in __libdw_getdieranges() 164 new_arange->arange.length = (Dwarf_Word) (high - low); in __libdw_getdieranges() 165 new_arange->arange.offset = __libdw_first_die_off_from_cu (cu); in __libdw_getdieranges() 351 new_arange->arange.addr = range_address; in dwarf_getaranges() 352 new_arange->arange.length = range_length; in dwarf_getaranges() [all …]
|
/aosp_15_r20/external/liblc3/test/ |
H A D | ltpf.py | 71 k = np.arange(-120, 120 + p, p) - f 166 np.take(x, np.arange(i0, n)), 167 np.take(x, np.arange(i0, n) - k)) for k in range(k0, 1+k1) ]) 171 u = np.take(x, np.arange(i0, n)) 172 v = np.take(x, np.arange(i0, n) - k) 189 rw = r * (1 - 0.5 * np.arange(len(r)) / (len(r) - 1)) 220 m = np.arange(-4, 5) 248 k = np.arange(-2, 3) 394 u = np.dot(c_n[0], np.take(x, k - np.arange(l_n))) - \ 395 np.dot(c_d[0], np.take(y, k - d[0] - np.arange(l_d))) [all …]
|
/aosp_15_r20/external/pytorch/test/inductor/ |
H A D | test_triton_kernels.py | 281 offsets = block_start + tl.arange(0, BLOCK_SIZE) 350 offsets = block_start + tl.arange(0, BLOCK_SIZE) 453 offsets = block_start + tl.arange(0, BLOCK_SIZE) 468 offsets = block_start + tl.arange(0, BLOCK_SIZE) 579 offsets = block_start + tl.arange(0, BLOCK_SIZE) 656 offsets = block_start + tl.arange(0, BLOCK_SIZE) 973 offsets = block_start + tl.arange(0, BLOCK_SIZE) 1094 offsets = block_start + tl.arange(0, BLOCK_SIZE) 1127 offsets = block_start + tl.arange(0, BLOCK_SIZE) 1159 offsets = block_start + tl.arange(0, BLOCK_SIZE) [all …]
|
H A D | test_move_constructors_to_cuda.py | 37 return x[torch.arange(x.shape[0])] 45 tmp1 = torch.arange(x.shape[0]) 54 y = torch.arange(x.shape[0]) 63 tmp1 = torch.arange(x.shape[0]) 65 tmp2 = torch.arange(x.shape[1]).view([1, x.shape[1]]) 76 c2 = torch.arange(-1, 3) 85 c2 = torch.arange(-1, 3) 96 x[torch.arange(x.shape[0])], 107 return x[torch.arange(x.shape[0])]
|
/aosp_15_r20/external/pytorch/test/distributed/ |
H A D | test_functional_api.py | 119 mesh = dt.DeviceMesh("cpu", torch.arange(4)) 125 mesh = dt.DeviceMesh("cpu", torch.arange(4)) 132 mesh = dt.DeviceMesh("cpu", torch.arange(4).view(2, 2)) 246 mesh = dt.DeviceMesh(device, torch.arange(4)) 258 mesh = dt.DeviceMesh(device, torch.arange(4)) 263 mesh = dt.DeviceMesh(device, torch.arange(4).view(2, 2)) 276 mesh = dt.DeviceMesh(device, torch.arange(4)) 290 mesh_1d = dt.DeviceMesh(device, torch.arange(self.world_size)) 291 mesh_2d = dt.DeviceMesh(device, torch.arange(self.world_size).view(2, 2)) 312 mesh = dt.DeviceMesh(device, torch.arange(4)) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/ |
H A D | scan_ops_test.py | 100 x = np.arange(1, 6).reshape([5]).astype(dtype) 109 x = np.arange(1, 6).reshape([5]).astype(dtype) 115 x = np.arange(0, 10).reshape([2, 5]).astype(dtype) 121 x = np.arange(0, 20).reshape([2, 2, 5]).astype(dtype) 127 x = np.arange(1, 145).reshape([2, 2, 3, 3, 2, 2]).astype(dtype) 141 x = np.arange(0, 10).reshape([2, 5]).astype(np.float32) 187 x = np.arange(1, 6).reshape([5]).astype(dtype) 196 x = np.arange(1, 6).reshape([5]).astype(dtype) 202 x = np.arange(1, 11).reshape([2, 5]).astype(dtype) 208 x = np.arange(1, 21).reshape([2, 2, 5]).astype(dtype) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/data/kernel_tests/ |
H A D | unbatch_test.py | 163 data = dataset_ops.Dataset.from_tensors((np.arange(7), np.arange(8), 164 np.arange(9))) 182 ph1: np.arange(7).astype(np.int32), 183 ph2: np.arange(8).astype(np.int32) 192 ph1: np.arange(7).astype(np.int32), 233 components = (np.arange(tensor_slice_len), np.array([[1, 2, 3]]) * 234 np.arange(tensor_slice_len)[:, np.newaxis], 235 np.array(multiplier) * np.arange(tensor_slice_len)) 256 components = (np.arange(tensor_slice_len), np.array([[1, 2, 3]]) * 257 np.arange(tensor_slice_len)[:, np.newaxis], [all …]
|