Home
last modified time | relevance | path

Searched refs:num_segments (Results 1 – 25 of 79) sorted by relevance

1234

/external/tensorflow/tensorflow/python/kernel_tests/
Dunsorted_segment_join_op_test.py47 num_segments = 2
55 num_segments=num_segments,
63 num_segments = 3
70 num_segments=num_segments,
78 num_segments = np.array(2, dtype=np.int32)
86 num_segments=num_segments,
92 num_segments = np.array(2, dtype=np.int64)
97 num_segments=num_segments,
106 num_segments = 2
115 num_segments=num_segments,
[all …]
Dsegment_reduction_ops_test.py52 def _segmentReduce(self, indices, x, op1, op2=None, num_segments=None, argument
57 if num_segments is None:
58 num_segments = indices[-1] + 1
59 output = [None] * num_segments
303 num_segments = 12
320 indices, np_x, np_op1, np_op2, num_segments=num_segments,
322 s = tf_op(tf_x, segment_ids=indices, num_segments=num_segments)
332 num_segments = 12
339 num_segments, dtype=dtype)
341 indices, np_x, np.add, op2=None, num_segments=num_segments)
[all …]
/external/tensorflow/tensorflow/compiler/tests/
Dsegment_reduction_ops_test.py35 def _segmentReduction(self, op, data, indices, num_segments): argument
42 return sess.run(op(d, i, num_segments), {d: data, i: indices})
44 def _unsortedSegmentSum(self, data, indices, num_segments): argument
46 num_segments)
48 def _unsortedSegmentProd(self, data, indices, num_segments): argument
50 num_segments)
52 def _unsortedSegmentMin(self, data, indices, num_segments): argument
54 num_segments)
56 def _unsortedSegmentMax(self, data, indices, num_segments): argument
58 num_segments)
[all …]
/external/tensorflow/tensorflow/python/ops/ragged/
Dragged_math_ops.py162 num_segments, argument
201 return unsorted_segment_op(data, segment_ids, num_segments, separator,
204 return unsorted_segment_op(data, segment_ids, num_segments, name)
207 [data, segment_ids, num_segments]) as name:
225 segment_ids.values, num_segments,
236 num_segments), 0)
264 def segment_sum(data, segment_ids, num_segments, name=None): argument
270 num_segments=num_segments,
274 def segment_prod(data, segment_ids, num_segments, name=None): argument
280 num_segments=num_segments,
[all …]
Dsegment_id_ops.py80 def segment_ids_to_row_splits(segment_ids, num_segments=None, argument
106 elif isinstance(num_segments, ops.Tensor):
107 out_type = num_segments.dtype
118 if num_segments is not None:
119 num_segments = ragged_util.convert_to_int_tensor(num_segments,
122 num_segments.shape.assert_has_rank(0)
126 minlength=num_segments,
127 maxlength=num_segments,
132 if num_segments is not None:
133 const_num_segments = tensor_util.constant_value(num_segments)
Dragged_segment_op_test.py55 def expected_value(self, data, segment_ids, num_segments, combiner): argument
70 grouped = [[[] for _ in range(ncols)] for row in range(num_segments)]
108 num_segments = max(segment_ids) + 1
109 expected = self.expected_value(rt_as_list, segment_ids, num_segments,
112 segmented = segment_op(rt, segment_ids, num_segments)
144 num_segments = max(segment_ids) + 1
145 expected = self.expected_value(rt_as_list, segment_ids, num_segments,
148 segmented = segment_op(rt, segment_ids, num_segments)
Dragged_segment_ids_to_row_splits_op_test.py53 num_segments = 7
55 splits = segment_id_ops.segment_ids_to_row_splits(segment_ids, num_segments)
/external/tensorflow/tensorflow/python/ops/parallel_for/
Dmath_test.py497 num_segments = constant_op.constant(3, dtype=num_segments_dtype)
505 return (reduction_op(data, seg_ids, num_segments),
506 reduction_op(data_0, seg_ids, num_segments),
507 reduction_op(data, seg_ids_0, num_segments))
524 num_segments = 3
526 num_segments = None
536 op_func(data_0, indices_i, seg_ids_0, num_segments=num_segments),
537 op_func(data_i, indices_i, seg_ids_0, num_segments=num_segments),
538 op_func(data_0, indices_0, seg_ids_0, num_segments=num_segments),
539 op_func(data_i, indices_0, seg_ids_0, num_segments=num_segments)
[all …]
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_SparseSegmentSumWithNumSegments.pbtxt16 name: "num_segments"
25 has size `num_segments`.
43 c, tf.constant([0, 1]), tf.constant([0, 0]), num_segments=3)
51 num_segments=4))
Dapi_def_UnsortedSegmentJoin.pbtxt17 name: "num_segments"
49 num_segments=2,
57 num_segments=1,
Dapi_def_UnsortedSegmentSum.pbtxt14 `num_segments`.
33 `num_segments` should equal the number of distinct segment IDs.
41 tf.unsorted_segment_sum(c, tf.constant([0, 1, 0]), num_segments=2)
Dapi_def_SparseSegmentMeanWithNumSegments.pbtxt16 name: "num_segments"
25 `num_segments`.
/external/freetype/src/autofit/
Dafwarp.c79 FT_Int num_segments ) in af_warper_compute_line_best() argument
119 for ( nn = 0; nn < num_segments; nn++ ) in af_warper_compute_line_best()
173 FT_Int nn, num_points, num_segments; in af_warper_compute() local
200 num_segments = axis->num_segments; in af_warper_compute()
208 if ( num_segments < 1 ) in af_warper_compute()
225 for ( nn = 1; nn < num_segments; nn++ ) in af_warper_compute()
348 segments, num_segments ); in af_warper_compute()
Dafhints.c46 if ( axis->num_segments < AF_SEGMENTS_EMBEDDED ) in af_axis_hints_new_segment()
54 else if ( axis->num_segments >= axis->max_segments ) in af_axis_hints_new_segment()
87 segment = axis->segments + axis->num_segments++; in af_axis_hints_new_segment()
249 AF_Segment limit = segments + axis->num_segments; in af_get_segment_index()
447 AF_Segment limit = segments + axis->num_segments; in af_glyph_hints_dump_segments()
456 if ( axis->num_segments ) in af_glyph_hints_dump_segments()
502 FT_Int* num_segments ) in af_glyph_hints_get_num_segments() argument
511 *num_segments = axis->num_segments; in af_glyph_hints_get_num_segments()
545 if ( idx < 0 || idx >= axis->num_segments ) in af_glyph_hints_get_segment_offset()
722 axis->num_segments = 0; in af_glyph_hints_done()
[all …]
/external/tensorflow/tensorflow/core/kernels/
Dunsorted_segment_join_op.cc62 const int64 num_segments) { in GetOutputShape() argument
64 output_shape.AddDim(num_segments); in GetOutputShape()
93 auto num_segments = num_segments_tensor.scalar<NUM_SEGMENTS_TYPE>()(); in Compute() local
113 GetOutputShape(input_shape, segment_id_shape, num_segments); in Compute()
125 ((flat_segment_id(i) < num_segments) && (flat_segment_id(i) >= 0)), in Compute()
Dsegment_reduction_ops_impl_1.cc47 const Tensor& num_segments) { in UnsortedSegmentReductionValidation() argument
49 context, TensorShapeUtils::IsScalar(num_segments.shape()), in UnsortedSegmentReductionValidation()
51 num_segments.shape().DebugString())); in UnsortedSegmentReductionValidation()
63 const Tensor& num_segments) { in UnsortedSegmentReductionDoValidation() argument
65 num_segments); in UnsortedSegmentReductionDoValidation()
Dsegment_reduction_ops_impl.h74 const Tensor& num_segments);
79 const Tensor& num_segments);
329 const int64 num_segments = output.dimension(0);
336 OP_REQUIRES(ctx, FastBoundsCheck(j, num_segments),
339 " = ", j, " is out of range [0, ", num_segments, ")"));
395 const Tensor& num_segments = context->input(2);
397 this, context, data, segment_ids, num_segments)) {
402 num_segments.dtype() == DT_INT32 ? num_segments.scalar<int32>()()
403 : num_segments.scalar<int64>()()));
455 const Tensor& num_segments = context->input(3);
[all …]
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/
DUnsortedSegmentMax.pbtxt12 name: "num_segments"
58 name: "num_segments"
106 name: "num_segments"
168 name: "num_segments"
DUnsortedSegmentSum.pbtxt12 name: "num_segments"
63 name: "num_segments"
116 name: "num_segments"
183 name: "num_segments"
DSparseSegmentSumWithNumSegments.pbtxt16 name: "num_segments"
85 name: "num_segments"
154 name: "num_segments"
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/
DUnsortedSegmentMax.pbtxt12 name: "num_segments"
58 name: "num_segments"
106 name: "num_segments"
168 name: "num_segments"
DUnsortedSegmentSum.pbtxt12 name: "num_segments"
63 name: "num_segments"
116 name: "num_segments"
183 name: "num_segments"
/external/tensorflow/tensorflow/core/tpu/kernels/xla/
Dsegment_reduction_ops.cc50 int64 num_segments; in Compile() local
51 OP_REQUIRES_OK(ctx, ctx->ConstantInputAsIntScalar(2, &num_segments)); in Compile()
73 buffer_shape.InsertDim(0, num_segments); in Compile()
/external/fonttools/Lib/fontTools/svgLib/path/
Darc.py118 num_segments = int(ceil(fabs(self.theta_arc / (PI_OVER_TWO + 0.001))))
119 for i in range(num_segments):
120 start_theta = self.theta1 + i * self.theta_arc / num_segments
121 end_theta = self.theta1 + (i + 1) * self.theta_arc / num_segments
/external/tensorflow/tensorflow/python/ops/
Dmath_ops.py4176 def _unsorted_segment_N(data, segment_ids, num_segments): argument
4182 num_segments = ops.convert_to_tensor(num_segments)
4186 n = gen_math_ops.unsorted_segment_sum(ones_tensor, segment_ids, num_segments)
4189 [num_segments[array_ops.newaxis],
4192 dtype=num_segments.dtype)],
4204 def unsorted_segment_mean(data, segment_ids, num_segments, name=None): argument
4239 N = _unsorted_segment_N(data, segment_ids, num_segments)
4240 summed = gen_math_ops.unsorted_segment_sum(data, segment_ids, num_segments)
4250 def unsorted_segment_sqrt_n(data, segment_ids, num_segments, name=None): argument
4288 N = _unsorted_segment_N(data, segment_ids, num_segments)
[all …]

1234