Home
last modified time | relevance | path

Searched +full:int64 +full:- +full:array (Results 1 – 25 of 1049) sorted by relevance

12345678910>>...42

/external/tensorflow/tensorflow/python/kernel_tests/
Dparse_single_example_op_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
53 return (np.empty(shape=(0, len(shape)), dtype=np.int64),
54 np.array([], dtype=dtype), np.array(shape, dtype=np.int64))
136 np.empty((0, 1), dtype=np.int64), # indices
137 np.empty((0,), dtype=np.int64), # sp_a is DT_INT64
138 np.array([0], dtype=np.int64)) # max_elems = 0
142 a_name: np.array([a_default]),
143 b_name: np.array(b_default),
144 c_name: np.array(c_default),
151 parsing_ops.VarLenFeature(dtypes.int64),
[all …]
Dsubstr_op_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
34 (np.int64, 1, "BYTE"),
35 (np.int32, -4, "BYTE"),
36 (np.int64, -4, "BYTE"),
38 (np.int64, 1, "UTF8_CHAR"),
39 (np.int32, -4, "UTF8_CHAR"),
40 (np.int64, -4, "UTF8_CHAR"),
45 "UTF8_CHAR": u"He\xc3\xc3\U0001f604".encode("utf-8"),
49 "UTF8_CHAR": u"e\xc3\xc3".encode("utf-8"),
51 position = np.array(pos, dtype)
[all …]
Dsparse_ops_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
34 import tensorflow.python.ops.sparse_grad # pylint: disable=unused-import
41 def _sparsify(x, thresh=0.5, index_dtype=np.int64):
56 ind = np.array([[0, 0], [1, 0], [1, 3], [1, 4], [3, 2], [3, 3]])
57 val = np.array([0, 10, 13, 14, 32, 33])
58 shape = np.array([5, 6])
60 constant_op.constant(ind, dtypes.int64),
62 constant_op.constant(shape, dtypes.int64))
66 ind = np.array([[0, 0, 1], [0, 1, 0], [0, 1, 2], [1, 0, 3], [1, 1, 0],
68 val = np.array([1, 10, 12, 103, 150, 149, 150, 122])
[all …]
Dparsing_ops_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
127 np.empty((0, 2), dtype=np.int64), # indices
128 np.empty((0,), dtype=np.int64), # sp_a is DT_INT64
129 np.array([2, 0], dtype=np.int64)) # batch == 2, max_elems = 0
133 a_name: np.array(2 * [[a_default]]),
134 b_name: np.array(2 * [b_default]),
135 c_name: np.array(2 * [c_default]),
144 parsing_ops.VarLenFeature(dtypes.int64),
147 (1, 3), dtypes.int64, default_value=a_default),
160 parsing_ops.VarLenFeature(dtypes.int64),
[all …]
Dsparse_concat_op_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
40 dtypes.int64, shape=ind_shape),
44 dtypes.int64, shape=shape_shape))
50 ind = np.array([[0, 2], [1, 0], [2, 0], [2, 2]])
51 val = np.array([1, 2, 3, 4])
52 shape = np.array([3, 3])
54 np.array(ind, np.int64),
55 np.array(val, np.float32), np.array(shape, np.int64))
64 ind = np.array([[1, 1], [2, 0], [2, 3], [2, 4]])
65 val = np.array([1, 2, 1, 0])
[all …]
Dsparse_tensors_map_ops_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
34 # pylint: disable=protected-access
40 # pylint: enable=protected-access
49 array_ops.placeholder(dtypes.int64),
50 array_ops.placeholder(dtype), array_ops.placeholder(dtypes.int64))
53 ind = np.array([[0, 0], [1, 0], [1, 3], [1, 4], [3, 2],
54 [3, 3]]).astype(np.int64)
55 val = np.array([0, 10, 13, 14, 32, 33]).astype(np.int32)
60 shape = np.array([5, 6]).astype(np.int64)
64 ind = np.array([[0, 0], [1, 0], [1, 2], [1, 3], [2, 2],
[all …]
/external/tensorflow/tensorflow/core/framework/
Dkernel_shape_util.cc7 http://www.apache.org/licenses/LICENSE-2.0
22 Padding padding_type, int64* output_size, in GetWindowedOutputSizeVerboseV2()
23 int64* padding_before, in GetWindowedOutputSizeVerboseV2()
24 int64* padding_after) { in GetWindowedOutputSizeVerboseV2()
34 int64_t effective_filter_size = (filter_size - 1) * dilation_rate + 1; in GetWindowedOutputSizeVerboseV2()
37 *output_size = (input_size - effective_filter_size + stride) / stride; in GetWindowedOutputSizeVerboseV2()
41 *output_size = (input_size + *padding_before + *padding_after - in GetWindowedOutputSizeVerboseV2()
46 *output_size = (input_size + stride - 1) / stride; in GetWindowedOutputSizeVerboseV2()
48 std::max(int64{0}, (*output_size - 1) * stride + in GetWindowedOutputSizeVerboseV2()
49 effective_filter_size - input_size); in GetWindowedOutputSizeVerboseV2()
[all …]
Dkernel_shape_util.h7 http://www.apache.org/licenses/LICENSE-2.0
19 #include <array>
45 // called instead. Note the padded area is zero-filled.
49 // - When Padding = SAME: the output size is (H'), where
53 // Pc = ((H' - 1) * S + K - H) / 2
55 // H' = H, Pc = (K-1)/2.
56 // This is where SAME comes from - the output has the same size as the input
59 // - When Padding = VALID: the output size is computed as
60 // H' = ceil(float(H - K + 1) / float(S))
63 // H' = H-K+1.
[all …]
/external/tensorflow/tensorflow/compiler/xla/
Darray.h7 http://www.apache.org/licenses/LICENSE-2.0
20 #include <array>
46 // Performs a compile-time logical AND operation on the passed types (which
47 // must have `::value` members convertible to `bool`. Short-circuits if it
51 // This metafunction is designed to be a drop-in replacement for the C++17
68 // Compares three same-sized vectors elementwise. For each item in `values`,
69 // returns false if any of values[i] is outside the half-open range [starts[i],
84 // General N dimensional array class with arbitrary value type.
86 class Array {
90 // sees a single-element integer initializer. These typedefs allow casting
[all …]
Dreference_util.cc7 http://www.apache.org/licenses/LICENSE-2.0
18 #include <array>
63 // Reuse the code for Array4D-convolution by extending the 3D input into a 4D in ConvArray3DGeneralDimensionsDilated()
64 // array by adding a fourth dummy dimension of size 1 without stride, padding in ConvArray3DGeneralDimensionsDilated()
67 a4dlhs.Each([&](absl::Span<const int64> indices, float* value_ptr) { in ConvArray3DGeneralDimensionsDilated()
72 a4drhs.Each([&](absl::Span<const int64> indices, float* value_ptr) { in ConvArray3DGeneralDimensionsDilated()
86 convr4->planes(), convr4->depth(), convr4->height()); in ConvArray3DGeneralDimensionsDilated()
87 convr4->Each([&](absl::Span<const int64> indices, float* value_ptr) { in ConvArray3DGeneralDimensionsDilated()
89 convr3->operator()(indices[0], indices[1], indices[2]) = *value_ptr; in ConvArray3DGeneralDimensionsDilated()
96 std::pair<int64, int64> kernel_stride, Padding padding) { in ConvArray4D() argument
[all …]
Dliteral.h7 http://www.apache.org/licenses/LICENSE-2.0
73 // Returns a Span of the array for this literal for the given NativeT
75 // ShapeIndex is not array. See primitive_util.h for the mapping from XLA type
81 // array at the given shape index. CHECKs if the subshape of the literal at
82 // the given ShapeIndex is not array.
84 int64 size_bytes(const ShapeIndex& shape_index = {}) const;
86 // Returns this literal's data as a string. This literal must be a rank-1 U8
87 // array.
93 // Warning: this function can take minutes for multi-million
98 // one-line form.
[all …]
Dreference_util.h7 http://www.apache.org/licenses/LICENSE-2.0
19 #include <array>
73 std::pair<int64, int64> kernel_stride, Padding padding);
79 std::pair<int64, int64> kernel_stride, Padding padding,
86 std::pair<int64, int64> kernel_stride, Padding padding,
87 std::pair<int64, int64> lhs_dilation,
88 std::pair<int64, int64> rhs_dilation, ConvolutionDimensionNumbers dnums);
111 std::pair<int64, int64> kernel_stride, Padding padding);
144 // Returns the result of reducing the 4D array to a vector, reducing away
147 const Array4D<float>& array, float init, absl::Span<const int64> dims,
[all …]
Darray_test.cc7 http://www.apache.org/licenses/LICENSE-2.0
16 #include "tensorflow/compiler/xla/array.h"
26 Array<int> uninit({2, 3}); in TEST()
34 Array<int> fullof7({1, 2, 3}, 7); in TEST()
50 Array<int> arr({{1, 2, 3}, {4, 5, 6}}); in TEST()
64 Array<Eigen::half> d2({{1.0f, 2.0f, 3.0f}, {4.0f, 5.0f, 6.0f}}); in TEST()
68 Array<Eigen::half> d3({{{1.0f}, {4.0f}}, {{1.0f}, {4.0f}}, {{1.0f}, {4.0f}}}); in TEST()
73 Array<Eigen::half> d4( in TEST()
83 Array<int> arr({2, 3}); in TEST()
94 Array<int> arr({2, 3}); in TEST()
[all …]
Darray4d.h7 http://www.apache.org/licenses/LICENSE-2.0
31 #include "tensorflow/compiler/xla/array.h"
40 // Simple 4D array structure, similar in form to Array2D, for use primarily in
41 // testing and describing to XLA APIs values in the 4D array structures used
55 class Array4D : public Array<T> {
57 Array4D() : Array<T>(std::vector<int64>{0, 0, 0, 0}) {} in Array4D()
59 // Creates a 4D array, uninitialized values.
61 : Array<T>(std::vector<int64>{planes, depth, height, width}) {} in Array4D()
63 // Creates a 4D array, initialized to value.
65 : Array<T>(std::vector<int64>{planes, depth, height, width}, value) {} in Array4D()
[all …]
/external/libchrome/mojo/public/interfaces/bindings/tests/
Dtest_structs.mojom2 // Use of this source code is governed by a BSD-style license that can be
12 array<Rect>? rects;
39 int64 f7;
55 array<string> f23;
56 array<string?> f24;
57 array<string>? f25;
58 array<string?>? f26;
76 int64 f7 = 100;
124 map<int64, int64> f7;
137 map<string, array<string>> f0;
[all …]
/external/tensorflow/tensorflow/compiler/tests/
Dbinary_ops_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
59 rtol = 1e-15 if a.dtype == np.float64 else 1e-3
61 atol = 1e-15 if a.dtype == np.float64 else 1e-6
78 a = -1.01
81 a = -1.001
86 np.array([[[[-1, 2.00009999], [-3, b]]]], dtype=dtype),
87 np.array([[[[a, 2], [-3.00009, 4]]]], dtype=dtype),
88 expected=np.array([[[[False, True], [True, False]]]], dtype=dtype))
92 np.array([3, 3, -1.5, -8, 44], dtype=dtype),
93 np.array([2, -2, 7, -4, 0], dtype=dtype),
[all …]
/external/tensorflow/tensorflow/python/keras/layers/preprocessing/
Dinteger_lookup_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
51 # Create an array where 1138 is the most frequent term, followed by
55 np.array([[42], [1138], [1138], [1138], [1138], [1729], [1729],
57 dtype=np.int64),
59 np.array([[1138], [1729], [725], [42], [42], [725], [1138], [4]],
60 dtype=np.int64),
63 "dtype": dtypes.int64,
67 dtypes.int64
92 expected_output_dtype = dtypes.int64
99 # together. When the results have different shapes on the non-concat
[all …]
Dtable_utils_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
36 value_dtype=dtypes.int64,
37 default_value=-7,
62 dtypes.int64,
65 table = lookup_ops.StaticHashTable(init, default_value=-7)
97 vocab_data = np.array([10, 11, 12, 13], dtype=np.int64)
100 values=np.array([13, 32], dtype=np.int64),
107 table = get_table(dtype=dtypes.int64, oov_tokens=[1])
128 vocab_data = np.array([10, 11, 12, 13], dtype=np.int64)
130 dtype=np.int64)
[all …]
/external/tensorflow/tensorflow/core/kernels/
Drandom_op_gpu.h7 http://www.apache.org/licenses/LICENSE-2.0
38 random::PhiloxRandom gen, T* data, int64 size,
47 int64 size, Distribution dist);
55 const tensorflow::random::Array<T, ElementCount>& array) const {
58 buf[i] = array[i];
66 // Copies the elements from the array to buf. buf must be 128-bit aligned,
71 const tensorflow::random::Array<float, 4>& array) const {
72 // NOTE(ringwalt): It's not safe to cast &array[0] to a float4, because they
73 // have 32-bit alignment vs 128-bit alignment. There seems to be no
76 vec.x = array[0];
[all …]
Dpooling_ops_3d.cc7 http://www.apache.org/licenses/LICENSE-2.0
19 #include <array>
55 errors::InvalidArgument("tensor_in must be 4-dimensional")); in Pool3dParameters()
57 this->data_format = data_format; in Pool3dParameters()
98 const std::array<int64, 3>& window, in launch()
99 const std::array<int64, 3>& stride, in launch()
100 const std::array<int64, 3>& padding, in launch()
103 output->tensor<T, 5>().device(context->eigen_device<CPUDevice>()) = in launch()
113 const std::array<int64, 3>& window, in launch()
114 const std::array<int64, 3>& stride, in launch()
[all …]
/external/python/google-api-python-client/docs/dyn/
Dbigquery_v2.routines.html8 font-weight: inherit;
9 font-style: inherit;
10 font-size: 100%;
11 font-family: inherit;
12 vertical-align: baseline;
16 font-size: 13px;
21 font-size: 26px;
22 margin-bottom: 1em;
26 font-size: 24px;
27 margin-bottom: 1em;
[all …]
/external/python/google-api-python-client/googleapiclient/discovery_cache/documents/
Dadexchangebuyer.v1.3.json15 …"description": "Accesses your bidding-account information, submits creatives for validation, finds…
17 "documentationLink": "https://developers.google.com/ad-exchange/buyer-rest",
18 "etag": "\"uWj2hSb4GVjzdDlAnRd2gbM1ZQ8/NOgo5Rz2N67ZT2NXIcz-dCGvAbI\"",
20 "x16": "https://www.google.com/images/icons/product/doubleclick-16.gif",
21 "x32": "https://www.google.com/images/icons/product/doubleclick-32.gif"
36 "Responses with Content-Type of application/json"
222 "format": "int64",
229 "format": "int64",
254 "format": "int64",
261 "format": "int64",
[all …]
Dadexchangebuyer.v1.4.json15 …"description": "Accesses your bidding-account information, submits creatives for validation, finds…
17 "documentationLink": "https://developers.google.com/ad-exchange/buyer-rest",
20 "x16": "https://www.google.com/images/icons/product/doubleclick-16.gif",
21 "x32": "https://www.google.com/images/icons/product/doubleclick-32.gif"
36 "Responses with Content-Type of application/json"
232 "format": "int64",
239 "format": "int64",
264 "format": "int64",
271 "format": "int64",
299 "format": "int64",
[all …]
/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/
Dparse_example_dataset_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
125 np.empty((0, 2), dtype=np.int64), # indices
126 np.empty((0,), dtype=np.int64), # sp_a is DT_INT64
127 np.array([2, 0], dtype=np.int64)) # batch == 2, max_elems = 0
131 a_name: np.array(2 * [[a_default]]),
132 b_name: np.array(2 * [b_default]),
133 c_name: np.array(2 * [c_default]),
139 parsing_ops.VarLenFeature(dtypes.int64),
142 (1, 3), dtypes.int64, default_value=a_default),
157 parsing_ops.VarLenFeature(dtypes.int64),
[all …]
/external/tensorflow/tensorflow/python/data/kernel_tests/
Dfrom_tensors_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
44 import attr # pylint:disable=g-import-not-at-top
54 components = (np.array(1), np.array([1, 2, 3]), np.array(37.0))
87 indices=np.array([[0]]),
88 values=np.array([0]),
89 dense_shape=np.array([1])),
91 indices=np.array([[0, 0], [1, 1]]),
92 values=np.array([-1, 1]),
93 dense_shape=np.array([2, 2])))
105 components = (np.array(1), np.array([1, 2, 3]), np.array(37.0),
[all …]

12345678910>>...42