/external/tensorflow/tensorflow/core/kernels/ |
D | edit_distance_op.cc | 159 auto output_t = output->flat<float>(); in Compute() local 160 output_t.setZero(); in Compute() 188 output_t(loc) = in Compute() 190 if (normalize_) output_t(loc) /= truth_seq.size(); in Compute() 197 output_t(loc) = hypothesis_seq.size(); in Compute() 198 if (normalize_ && output_t(loc) != 0.0f) { in Compute() 199 output_t(loc) = std::numeric_limits<float>::infinity(); in Compute() 205 output_t(loc) = (normalize_) ? 1.0 : truth_seq.size(); in Compute() 215 output_t(loc) = hypothesis_seq.size(); in Compute() 216 if (normalize_ && output_t(loc) != 0.0f) { in Compute() [all …]
|
D | searchsorted_op.cc | 99 Tensor* output_t; in Compute() local 100 OP_REQUIRES_OK(ctx, ctx->allocate_output(0, values_t.shape(), &output_t)); in Compute() 102 if (output_t->dtype() == DT_INT32) { in Compute() 111 auto output = output_t->template flat<OutType>(); in Compute() 140 Tensor* output_t; in Compute() local 141 OP_REQUIRES_OK(ctx, ctx->allocate_output(0, values_t.shape(), &output_t)); in Compute() 143 if (output_t->dtype() == DT_INT32) { in Compute() 152 auto output = output_t->template flat<OutType>(); in Compute()
|
D | matching_files_op.cc | 52 Tensor* output_t = nullptr; in Compute() local 55 &output_t)); in Compute() 56 auto output = output_t->vec<string>(); in Compute()
|
D | bincount_op.cc | 106 Tensor* output_t; in Compute() local 108 ctx->allocate_output(0, TensorShape({size}), &output_t)); in Compute() 109 auto output = output_t->flat<T>(); in Compute()
|
D | population_count_op.cc | 47 Tensor* output_t; in Compute() local 48 OP_REQUIRES_OK(c, c->allocate_output(0, input_t.shape(), &output_t)); in Compute() 51 auto output = output_t->flat<uint8>(); in Compute()
|
D | compare_and_bitpack_op.cc | 63 Tensor* output_t; in Compute() local 64 OP_REQUIRES_OK(c, c->allocate_output(0, output_shape, &output_t)); in Compute() 68 auto output = output_t->flat_inner_dims<uint8>(); in Compute()
|
D | one_hot_op.cc | 113 auto output_t = in Compute() local 118 off_value_t, &output_t); in Compute()
|
D | xsmm_conv2d_test.cc | 136 LIBXSMM_VLA_DECL(4, float, output_t, output + (pad_w_out * ofwp + pad_h_out), in naive_conv_fp() 153 LIBXSMM_VLA_ACCESS(4, output_t, img, ofm, oj, oi, nOfm, ofhp, in naive_conv_fp()
|
D | list_kernels.cc | 559 auto output_t = output->flat<Variant>(); in Compute() local 591 TensorList* out = output_t(b).get<TensorList>(); in Compute() 601 output_t(b) = std::move(out); in Compute()
|
D | cudnn_rnn_ops.cc | 1048 Tensor* output_t = nullptr; in Compute() local 1049 OP_REQUIRES_OK(context, context->allocate_output(0, {1}, &output_t)); in Compute() 1050 *output_t->template flat<Index>().data() = params_size; in Compute()
|
/external/tensorflow/tensorflow/contrib/boosted_trees/kernels/ |
D | quantile_ops.cc | 115 Tensor* output_t = nullptr; in QuantizeFeatures() local 119 TensorShape({num_values, 2}), &output_t)); in QuantizeFeatures() 121 auto output = output_t->matrix<int32>(); in QuantizeFeatures() 200 Tensor* output_t = nullptr; in CopyBoundaries() local 203 index, {static_cast<int64>(boundaries.size())}, &output_t)); in CopyBoundaries() 204 auto* quantiles_flat = output_t->flat<float>().data(); in CopyBoundaries() 399 Tensor* output_t = nullptr; in Compute() local 400 OP_REQUIRES_OK(context, output_list->allocate(index, {}, &output_t)); in Compute() 401 summary_proto->SerializeToString(&output_t->scalar<string>()()); in Compute() 673 Tensor* output_t = nullptr; in Compute() local [all …]
|
/external/tensorflow/tensorflow/core/kernels/tensor_forest/ |
D | resource_ops.cc | 110 Tensor* output_t = nullptr; in Compute() local 112 context->allocate_output(0, TensorShape(), &output_t)); in Compute() 113 output_t->scalar<int32>()() = decision_tree_resource->get_size(); in Compute()
|
/external/tensorflow/tensorflow/contrib/image/kernels/ |
D | segmentation_ops.cc | 52 Tensor* output_t; in Compute() local 53 OP_REQUIRES_OK(ctx, ctx->allocate_output(0, images_t.shape(), &output_t)); in Compute() 65 ctx, output_t->flat<OutputType>(), images, forest, rank); in Compute()
|
D | image_ops.cc | 107 Tensor* output_t; in Compute() local 112 &output_t)); in Compute() 113 auto output = output_t->tensor<T, 4>(); in Compute()
|
/external/tensorflow/tensorflow/contrib/graph_editor/tests/ |
D | match.py | 113 for output_t, output_op_matches in zip(op.outputs, 117 if len(output_t.consumers()) != len(output_op_matches): 119 for consumer_op, consumer_op_match in zip(output_t.consumers(),
|
/external/harfbuzz_ng/util/ |
D | shape-consumer.hh | 34 template <typename output_t> 94 output_t output;
|
/external/tensorflow/tensorflow/core/kernels/boosted_trees/ |
D | quantile_ops.cc | 184 Tensor* output_t; in Compute() local 190 &output_t)); in Compute() 191 auto output = output_t->matrix<float>(); in Compute() 471 Tensor* output_t = nullptr; in Compute() local 474 feature_idx, TensorShape({num_values}), &output_t)); in Compute() 475 auto output = output_t->flat<int32>(); in Compute()
|
/external/tensorflow/tensorflow/contrib/graph_editor/ |
D | edit.py | 121 for output_id, output_t in enumerate(sgv.outputs) 122 if output_t.consumers()])
|
D | transform.py | 546 for output_t in sgv.outputs: 547 if output_t not in info.transformed_ts: 549 output_t_ = info.transformed_ts[output_t]
|
/external/tensorflow/tensorflow/contrib/tensor_forest/kernels/ |
D | model_ops.cc | 139 Tensor* output_t = nullptr; in Compute() local 141 context->allocate_output(0, TensorShape(), &output_t)); in Compute() 142 output_t->scalar<int32>()() = in Compute()
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | cond_v2_test.py | 827 output_t = output.stack() 829 self.evaluate(output_t), [-5, -4, -3, -2, -1, 0, 1, 4, 9, 16]) 858 output_t = f() 860 self.evaluate(output_t), [-5, -4, -3, -2, -1, 0, 1, 4, 9, 16])
|
/external/u-boot/tools/ |
D | fdtgrep.c | 40 enum output_t { enum 48 enum output_t output; /* Output format */
|
/external/tensorflow/tensorflow/core/kernels/data/experimental/ |
D | map_and_batch_dataset_op.cc | 497 auto output_t = output->flat_outer_dims<type>(); \ in CopyPartialBatch() 500 output_t.template chip<0>(i) = value_t.template chip<0>(i); \ in CopyPartialBatch()
|
D | numa_map_and_batch_dataset_op.cc | 840 auto output_t = output->flat_outer_dims<type>(); \ in CopyPartialBatch() 843 output_t.template chip<0>(i) = value_t.template chip<0>(i); \ in CopyPartialBatch()
|
/external/tensorflow/tensorflow/contrib/layers/python/layers/ |
D | layers_test.py | 2893 output_t = _layers.layer_norm( 2905 outputs, beta, gamma = sess.run((output_t, beta_var, gamma_var))
|