Home
last modified time | relevance | path

Searched refs:arange (Results 1 – 25 of 249) sorted by relevance

12345678910

/external/tensorflow/tensorflow/python/keras/engine/
Dfeature_columns_integration_test.py166 data = ({'a': np.arange(10), 'b': np.arange(10)}, np.arange(10, 20))
196 'a': np.arange(10),
197 'b': np.arange(10)
199 'b': np.arange(10),
200 'c': np.arange(10)
201 }], np.arange(10, 100))
205 'a': np.arange(10),
206 'b': np.arange(10),
207 'c': np.arange(10)
209 'a': np.arange(10),
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/
Dtranspose_op_test.py44 perm = (rank - 1) - np.arange(rank)
75 perm = (rank - 1) - np.arange(rank)
144 self._compareCpu(np.arange(0., 2), [0])
147 vector = np.arange(0, 2).reshape((1, 1, 1, 2, 1))
166 inp = np.arange(1, total_size + 1, dtype=datatype).reshape(input_shape)
187 inp = np.arange(1, total_size + 1, dtype=np.float32).reshape(input_shape)
222 inp = np.arange(1, total_size + 1, dtype=np.float32).reshape(input_shape)
244 inp = np.arange(1, total_size + 1, dtype=datatype).reshape(input_shape)
265 inp = np.arange(1, total_size + 1, dtype=np.float32).reshape(input_shape)
328 self._compareCpu(np.arange(0, 6).reshape([3, 2]).astype(np.float32), [0, 1])
[all …]
Dreshape_op_test.py53 x = np.arange(1., 7.).reshape([1, 6]) > 3
57 x = np.arange(1., 7.).reshape([1, 6]).astype(np.float32)
61 x = np.arange(1., 7.).reshape([1, 6]).astype(np.float64)
65 x = np.arange(1., 7.).reshape([1, 6]).astype(np.int32)
69 x = np.arange(1., 7.).reshape([1, 6]).astype(np.complex64)
73 x = np.arange(1., 7.).reshape([1, 6]).astype(np.complex128)
77 x = np.arange(1., 28.).reshape([1, 27]).astype(np.float32)
81 x = np.arange(1., 7.).reshape([6]).astype(np.float32)
85 x = np.arange(1., 7.).reshape([6]).astype(np.float32)
89 x = np.arange(1., 7.).reshape([6]).astype(np.float32)
[all …]
Dscan_ops_test.py102 x = np.arange(1, 6).reshape([5]).astype(dtype)
111 x = np.arange(1, 6).reshape([5]).astype(dtype)
118 x = np.arange(0, 10).reshape([2, 5]).astype(dtype)
125 x = np.arange(0, 20).reshape([2, 2, 5]).astype(dtype)
132 x = np.arange(1, 145).reshape([2, 2, 3, 3, 2, 2]).astype(dtype)
144 x = np.arange(0, 10).reshape([2, 5]).astype(np.float32)
161 x = np.arange(0, 50).reshape(shape).astype(np.float64)
226 x = np.arange(1, 6).reshape([5]).astype(dtype)
235 x = np.arange(1, 6).reshape([5]).astype(dtype)
242 x = np.arange(1, 11).reshape([2, 5]).astype(dtype)
[all …]
Dextract_volume_patches_op_test.py59 image = np.arange(2 * 3 * 4 * 5 * 6).reshape([2, 3, 4, 5, 6]) + 1
71 image = np.arange(6 * 2 * 4 * 5 * 3).reshape([6, 2, 4, 5, 3]) + 1
83 image = np.arange(45).reshape([1, 3, 3, 5, 1]) + 1
102 image = np.arange(8).reshape([1, 2, 2, 2, 1]) + 1
113 image = np.arange(8).reshape([1, 2, 2, 2, 1]) + 1
Dsparse_reorder_op_test.py54 self._SparseTensorValue_5x6(np.arange(6)))
61 input_val = self._SparseTensorValue_5x6(np.arange(6))
73 input_val = self._SparseTensorValue_5x6(np.arange(6))
82 expected_output_val = self._SparseTensorValue_5x6(np.arange(6))
96 expected_output_val = self._SparseTensorValue_5x6(np.arange(6))
Dsparse_tensors_map_ops_test.py83 sp_input0 = self._SparseTensorValue_5x6(np.arange(6))
84 sp_input1 = self._SparseTensorValue_3x4(np.arange(6))
107 input0_val = self._SparseTensorValue_5x6(np.arange(6))
108 input1_val = self._SparseTensorValue_3x4(np.arange(6))
158 input0_val = self._SparseTensorValue_5x6(np.arange(6))
179 input_val = self._SparseTensorValue_5x6(np.arange(6))
198 indices_value = np.arange(num_elements, dtype=np.int64)
/external/elfutils/libdwfl/
Dcu.c42 return &mod->dw->aranges->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()
125 *arange = &mod->aranges[idx]; in addrarange()
292 arangecu (Dwfl_Module *mod, struct dwfl_arange *arange, struct dwfl_cu **cu) in arangecu() argument
294 if (arange->cu == NULL) in arangecu()
296 const Dwarf_Arange *dwarange = &mod->dw->aranges->info[arange->arange]; in arangecu()
297 Dwfl_Error result = intern_cu (mod, dwarange->offset, &arange->cu); in arangecu()
300 assert (arange->cu != NULL && arange->cu != (void *) -1l); in arangecu()
304 *cu = arange->cu; in arangecu()
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/signal/
Dshape_ops_test.py39 tensor = constant_op.constant(np.arange(9152), dtypes.int32)
44 expected = np.tile(np.arange(512), (49, 1))
45 expected += np.tile(np.arange(49) * 180, (512, 1)).T
55 tensor = constant_op.constant(np.arange(10000), dtypes.int32)
60 expected = np.tile(np.arange(512), (53, 1))
61 expected += np.tile(np.arange(53) * 192, (512, 1)).T
164 signal = np.arange(6)
190 signal = np.vstack([np.arange(6),
191 np.arange(6) + 10])
220 signal = np.vstack([np.arange(6),
[all …]
/external/elfutils/libdw/
Ddwarf_getaranges.c41 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()
198 new_arange->arange.addr = range_address; in dwarf_getaranges()
199 new_arange->arange.length = range_length; in dwarf_getaranges()
210 new_arange->arange.offset = __libdw_first_die_off_from_cu (cu); in dwarf_getaranges()
217 if (unlikely (new_arange->arange.offset in dwarf_getaranges()
271 (*aranges)->info[i] = elt->arange; in dwarf_getaranges()
Ddwarf_getarangeinfo.c38 dwarf_getarangeinfo (Dwarf_Arange *arange, Dwarf_Addr *addrp, in dwarf_getarangeinfo() argument
41 if (arange == NULL) in dwarf_getarangeinfo()
45 *addrp = arange->addr; in dwarf_getarangeinfo()
47 *lengthp = arange->length; in dwarf_getarangeinfo()
49 *offsetp = arange->offset; in dwarf_getarangeinfo()
/external/tensorflow/tensorflow/contrib/learn/python/learn/learn_io/
Dpandas_io_test.py40 index = np.arange(100, 104)
41 a = np.arange(4)
42 b = np.arange(32, 36)
44 y = pd.Series(np.arange(-32, -28), index=index)
60 y_noindex = pd.Series(np.arange(-32, -28))
83 index = np.arange(100, 102)
84 a = np.arange(2)
85 b = np.arange(32, 34)
87 y = pd.Series(np.arange(-32, -30), index=index)
111 index = np.arange(100, 105)
[all …]
/external/tensorflow/tensorflow/python/training/
Dtraining_ops_test.py67 x = np.arange(100).astype(dtype)
69 delta = np.arange(100).astype(dtype)
136 x = np.arange(100).astype(dtype)
137 y = np.arange(1, 101).astype(dtype)
139 grad = np.arange(100).astype(dtype)
145 x = np.arange(100).astype(dtype)
146 y = np.arange(1, 101).astype(dtype)
147 z = np.arange(102, 202).astype(dtype)
151 grad = np.arange(100).astype(dtype)
218 x_val = [np.arange(10), np.arange(10, 20), np.arange(20, 30)]
[all …]
/external/tensorflow/tensorflow/compiler/tests/
Dscan_ops_test.py101 x = np.arange(1, 6).reshape([5]).astype(dtype)
110 x = np.arange(1, 6).reshape([5]).astype(dtype)
116 x = np.arange(0, 10).reshape([2, 5]).astype(dtype)
122 x = np.arange(0, 20).reshape([2, 2, 5]).astype(dtype)
128 x = np.arange(1, 145).reshape([2, 2, 3, 3, 2, 2]).astype(dtype)
133 x = np.arange(0, 10).reshape([2, 5]).astype(np.float32)
179 x = np.arange(1, 6).reshape([5]).astype(dtype)
188 x = np.arange(1, 6).reshape([5]).astype(dtype)
194 x = np.arange(1, 11).reshape([2, 5]).astype(dtype)
200 x = np.arange(1, 21).reshape([2, 2, 5]).astype(dtype)
[all …]
Dxla_ops_test.py73 v = np.arange(4, dtype=np.int32).astype(dtype).reshape([2, 2])
203 args=(np.arange(4, dtype=np.int32).astype(dtype).reshape([2, 2]),),
227 args=(np.arange(12, dtype=np.int32).astype(dtype).reshape([3, 4]),),
228 expected=np.arange(12, dtype=np.int32).astype(dtype).reshape([3, 4]))
231 args=(np.arange(12, dtype=np.int32).astype(dtype).reshape([3, 4]),),
235 args=(np.arange(12, dtype=np.int32).astype(dtype).reshape([3, 4]),),
239 args=(np.arange(12, dtype=np.int32).astype(dtype).reshape([3, 4]),),
256 args=(np.arange(12, dtype=np.int32).astype(dtype).reshape([3, 4]),),
296 v = np.arange(4, dtype=np.int32).astype(dtype).reshape([2, 2])
304 args=(np.arange(1000,
[all …]
Dsort_ops_test.py54 x = np.arange(101, dtype=dtype)
57 xla.sort, [x], expected=[np.arange(101, dtype=dtype)])
67 x = np.arange(101, dtype=key_type)
73 np.arange(101, dtype=key_type),
74 -np.arange(101, dtype=value_type)
90 for x in [np.arange(array_size)]:
116 for x in [np.arange(batch * array_size)]:
/external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/
Destimators_test.py57 times = numpy.arange(20, dtype=numpy.int64)
58 values = numpy.arange(20, dtype=dtype.as_numpy_dtype)
59 exogenous = numpy.arange(20, dtype=dtype.as_numpy_dtype)
88 "exogenous": numpy.arange(
133 "exogenous": numpy.arange(
161 numpy.arange(30, dtype=numpy.int64)[None, :], (10, 1))
173 numpy.arange(30, 45, dtype=numpy.int64)[None, :], (10, 1))
178 "exogenous": numpy.tile(numpy.arange(
220 numpy_data = {"times": numpy.arange(50),
244 times = numpy.arange(20, dtype=numpy.int64)
[all …]
/external/tensorflow/tensorflow/python/ops/
Dimage_grad_test.py42 x = np.arange(0, 4).reshape(in_shape).astype(nptype)
59 x = np.arange(0, 6).reshape(in_shape).astype(nptype)
75 x = np.arange(0, 24).reshape(in_shape).astype(nptype)
91 x = np.arange(0, np.prod(in_shape)).reshape(in_shape).astype(nptype)
115 x = np.arange(0, 4).reshape(in_shape).astype(np.float32)
130 x = np.arange(0, 6).reshape(in_shape).astype(np.float32)
144 x = np.arange(0, 24).reshape(in_shape).astype(np.float32)
159 x = 1.0 / size * np.arange(0, size).reshape(in_shape).astype(np.float32)
181 x = np.arange(0, 24).reshape(in_shape)
205 x = np.arange(0, 4).reshape(in_shape).astype(np.float32)
[all …]
/external/tensorflow/tensorflow/contrib/training/python/training/
Dfeeding_queue_runner_test.py48 array = np.arange(32).reshape([16, 2])
69 array = np.arange(256).reshape([128, 2])
88 array1 = np.arange(32)
89 array2 = np.arange(32, 64)
90 df = pd.DataFrame({"a": array1, "b": array2}, index=np.arange(64, 96))
116 array1 = np.arange(128, 256)
118 df = pd.DataFrame({"a": array1, "b": array2}, index=np.arange(128))
/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/serialization/
Dparallel_map_dataset_serialization_test.py43 components = (np.arange(self._tensor_slice_len), np.array([[1, 2, 3]]) *
44 np.arange(self._tensor_slice_len)[:, np.newaxis],
45 np.array(multiplier) * np.arange(self._tensor_slice_len))
54 components = (np.arange(self._tensor_slice_len), np.array([[1, 2, 3]]) *
55 np.arange(self._tensor_slice_len)[:, np.newaxis],
56 np.array(multiplier) * np.arange(self._tensor_slice_len))
Dunbatch_dataset_serialization_test.py33 np.arange(tensor_slice_len),
34 np.array([[1, 2, 3]]) * np.arange(tensor_slice_len)[:, np.newaxis],
35 np.array(multiplier) * np.arange(tensor_slice_len))
/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/
Dgroup_by_window_test.py73 expected_scalar_int = np.arange(32, dtype=np.int64)
77 expected_vec3_str = np.vstack(3 * [np.arange(32).astype(bytes)]).T
112 expected_scalar_int = np.arange(0, 32 * 2, 2, dtype=np.int64)
117 3 * [np.arange(0, 32 * 2, 2).astype(bytes)]).T
124 expected_scalar_int = np.arange(1, 32 * 2 + 1, 2, dtype=np.int64)
129 3 * [np.arange(1, 32 * 2 + 1, 2).astype(bytes)]).T
172 np.arange(0, 64, 2, dtype=np.int64), bucketed_values_even0["x"])
174 np.arange(64, 128, 2, dtype=np.int64), bucketed_values_even1["x"])
177 components = np.arange(100).astype(np.int64)
Dunbatch_test.py133 data = dataset_ops.Dataset.from_tensors((np.arange(7), np.arange(8),
134 np.arange(9)))
153 ph1: np.arange(7).astype(np.int32),
154 ph2: np.arange(8).astype(np.int32)
163 ph1: np.arange(7).astype(np.int32),
/external/swiftshader/third_party/llvm-7.0/llvm/test/DebugInfo/X86/
Darange.ll3 ; RUN: llc -mtriple=x86_64-linux -O0 -filetype=obj -generate-arange-section < %s | llvm-dwarfdump -…
4 ; RUN: llc -mtriple=x86_64-linux -O0 -filetype=obj -generate-arange-section < %s | llvm-readobj --r…
13 ; Check that we only have one arange in this compilation unit (it will be for 'f'), and not an extr…
23 source_filename = "test/DebugInfo/X86/arange.ll"
/external/tensorflow/tensorflow/contrib/periodic_resample/python/kernel_tests/
Dperiodic_resample_op_test.py37 input_tensor = numpy.arange(12).reshape((3, 4))
48 input_tensor = numpy.arange(12).reshape((3, 4))
59 input_tensor = numpy.arange(2 * 2 * 4).reshape((2, 2, 4))
77 input_tensor = numpy.arange(2 * 2 * 2 * 8).reshape((2, 2, 2, 8))

12345678910