Searched refs:outputs (Results 226 - 250 of 887) sorted by relevance

1234567891011>>

/external/pdfium/core/fpdfapi/page/
H A Dcpdf_stitchfunc.cpp79 bool CPDF_StitchFunc::v_Call(float* inputs, float* outputs) const {
89 m_pSubFunctions[i]->Call(&input, kRequiredNumInputs, outputs, &nresults);
/external/skia/src/gpu/glsl/
H A DGrGLSLVertexGeoBuilder.cpp43 fProgramBuilder->varyingHandler()->getVertexDecls(&this->inputs(), &this->outputs());
94 fProgramBuilder->varyingHandler()->getGeomDecls(&this->inputs(), &this->outputs());
/external/skqp/src/gpu/glsl/
H A DGrGLSLVertexGeoBuilder.cpp43 fProgramBuilder->varyingHandler()->getVertexDecls(&this->inputs(), &this->outputs());
94 fProgramBuilder->varyingHandler()->getGeomDecls(&this->inputs(), &this->outputs());
/external/tensorflow/tensorflow/compiler/tests/
H A Dpooling_ops_3d_test.py34 def _AvgPoolGrad(inputs, outputs, output_gradients, ksize, strides, padding):
35 del outputs # Unused by average-pooling gradients.
56 expected: An array containing the expected operation outputs.
207 # Use the forward pool function to compute some corresponding outputs
211 outputs = pool_func(
217 output_vals = np.array(sess.run(outputs, {inputs: x}))
229 outputs,
241 outputs = array_ops.placeholder(dtypes.float32, shape=output_vals.shape)
244 outputs,
251 outputs
[all...]
/external/tensorflow/tensorflow/contrib/lite/java/src/test/java/org/tensorflow/lite/
H A DTensorTest.java45 Tensor[] outputs = wrapper.run(inputs);
46 nativeHandle = outputs[0].nativeHandle;
/external/tensorflow/tensorflow/contrib/lite/kernels/
H A Dkernel_util.h33 return &context->tensors[node->outputs->data[index]];
36 inline int NumOutputs(const TfLiteNode* node) { return node->outputs->size; }
/external/tensorflow/tensorflow/contrib/lite/toco/graph_transformations/
H A Dresolve_tensorflow_concat.cc69 concatenation_op->outputs = {tf_concat_op->outputs[0]};
/external/tensorflow/tensorflow/contrib/tpu/python/tpu/
H A Dtpu_test.py57 outputs = convolutional.conv2d(
63 loss = math_ops.reduce_mean(math_ops.square(outputs))
/external/tensorflow/tensorflow/core/common_runtime/
H A Dsession.cc33 std::vector<Tensor>* outputs, RunMetadata* run_metadata) {
49 std::vector<Tensor>* outputs) {
29 Run(const RunOptions& run_options, const std::vector<std::pair<string, Tensor> >& inputs, const std::vector<string>& output_tensor_names, const std::vector<string>& target_node_names, std::vector<Tensor>* outputs, RunMetadata* run_metadata) argument
46 PRun(const string& handle, const std::vector<std::pair<string, Tensor> >& inputs, const std::vector<string>& output_names, std::vector<Tensor>* outputs) argument
H A Ddirect_session_with_tracking_alloc_test.cc84 std::vector<Tensor> outputs; local
86 Status s = session->Run(inputs, output_names, target_nodes, &outputs);
136 std::vector<Tensor> outputs; local
139 TF_EXPECT_OK(session->Run({}, {x->name() + ":0"}, {}, &outputs));
194 std::vector<Tensor> outputs; local
203 &outputs, &run_metadata);
278 std::vector<Tensor> outputs; local
282 &outputs, &run_metadata);
335 std::vector<Tensor> outputs; local
337 Status s = session->Run(run_options, inputs, output_names, {}, &outputs,
[all...]
/external/tensorflow/tensorflow/python/eager/
H A Dcustom_gradient.py63 # gradients of the outputs as well.
80 def actual_grad_fn(*outputs):
81 return nest.flatten(grad_fn(*outputs))
H A Dfunction.py249 def __init__(self, name, graph, operations, inputs, outputs):
258 outputs: the tensors in the graph which will be outputs to the function
267 [t._as_tf_output() for t in outputs], # pylint: disable=protected-access
300 outputs = []
304 outputs.extend([item.values, item.indices, item.dense_shape])
306 outputs.extend([item.values, item.indices])
308 outputs.append(item)
309 return outputs
326 outputs
[all...]
/external/tensorflow/tensorflow/python/
H A Dpywrap_tfe.i155 %typemap(in) TFE_OutputTensorHandles* outputs (TFE_OutputTensorHandles temp) {
159 "outputs of the operation)");
174 %typemap(argout) (TFE_OutputTensorHandles* outputs, TF_Status* out_status) {
204 %typemap(in) TFE_OutputTensorHandles* outputs (TFE_OutputTensorHandles temp);
207 %typemap(argout) (TFE_OutputTensorHandles* outputs, TF_Status* out_status);
/external/mesa3d/src/gallium/drivers/freedreno/ir3/
H A Dir3_shader.h151 /* NOTE: for input/outputs, slot is:
157 /* varyings/outputs: */
162 } outputs[16 + 2]; /* +POSITION +PSIZE */ member in struct:ir3_shader_variant
298 if (so->outputs[j].slot == slot)
321 if (so->outputs[j].slot == slot)
379 ir3_link_add(l, vs->outputs[k].regid,
389 if (so->outputs[j].slot == slot)
390 return so->outputs[j].regid;
/external/tensorflow/tensorflow/cc/tutorials/
H A Dexample_trainer.cc125 std::vector<Tensor> outputs;
127 outputs.clear();
129 session->Run({{"x", x}}, {"y:0", "y_normalized:0"}, {}, &outputs));
130 CHECK_EQ(size_t{2}, outputs.size());
132 const Tensor& y = outputs[0];
133 const Tensor& y_norm = outputs[1];
/external/tensorflow/tensorflow/contrib/specs/python/
H A Dsummaries.py269 outputs = specs.create_net(spec, inputs)
270 return str(tf_structure(outputs).strip())
293 outputs = specs.create_net(spec, inputs)
294 tf_parameter_summary(outputs)
312 outputs = specs.create_net(spec, inputs)
313 tf_print(outputs)
/external/tensorflow/tensorflow/examples/android/src/org/tensorflow/demo/
H A DTensorFlowImageClassifier.java52 private float[] outputs; field in class:TensorFlowImageClassifier
121 c.outputs = new float[numClasses];
155 inferenceInterface.fetch(outputName, outputs);
169 for (int i = 0; i < outputs.length; ++i) {
170 if (outputs[i] > THRESHOLD) {
173 "" + i, labels.size() > i ? labels.get(i) : "unknown", outputs[i], null));
/external/tensorflow/tensorflow/cc/framework/
H A Dgradients_test.cc262 // gradients graph, based on the requested grad outputs.
275 // Constructs an unstack with three outputs, and takes the gradient with
276 // respect to only two of the outputs. Tests that the output gradients are
333 std::vector<Tensor> outputs; local
334 test::GetTensors(scope_test_, {grad_outputs[0], grad_outputs[1]}, &outputs);
341 test::ExpectTensorEqual<int>(outputs[0], test::AsTensor<int>({40}, {1, 1}));
342 test::ExpectTensorEqual<int>(outputs[1], test::AsTensor<int>({20}, {1, 1}));
346 // Tests that gradients for multiple outputs of the same node are returned.
362 std::vector<Tensor> outputs; local
365 &outputs);
399 std::vector<Tensor> outputs; local
432 std::vector<Tensor> outputs; local
[all...]
/external/tensorflow/tensorflow/contrib/lite/
H A Dinterpreter.cc62 const std::vector<int>& outputs() const override {
63 return interpreter_->outputs();
97 TfLiteIntArrayFree(node.outputs);
188 TfLiteStatus Interpreter::SetOutputs(std::vector<int> outputs) { argument
190 &context_, CheckTensorIndices("outputs", outputs.data(), outputs.size()));
191 outputs_ = std::move(outputs);
264 const std::vector<int>& inputs, const std::vector<int>& outputs,
276 CheckTensorIndices("node outputs", output
263 AddNodeWithParameters( const std::vector<int>& inputs, const std::vector<int>& outputs, const char* init_data, size_t init_data_size, void* builtin_data, const TfLiteRegistration* registration, int* node_index) argument
[all...]
H A Dnnapi_delegate.cc314 node.outputs->data[/*kOutputStateTensor*/ 1]);
316 node.outputs->data[/*kCellStateTensor*/ 2]);
363 augmented_inputs.data(), static_cast<uint32_t>(node.outputs->size),
364 reinterpret_cast<uint32_t*>(node.outputs->data)));
380 static_cast<uint32_t>(interpreter->outputs().size()),
381 reinterpret_cast<const uint32_t*>(interpreter->outputs().data())));
409 for (size_t i = 0; i < interpreter->outputs().size(); i++) {
410 int output = interpreter->outputs()[i];
424 TfLiteTensor* tensor = interpreter->tensor(interpreter->outputs()[0]);
426 interpreter->typed_tensor<float>(interpreter->outputs()[
[all...]
/external/tensorflow/tensorflow/core/debug/
H A Ddebug_gateway_test.cc104 // Completed nodes with and without outputs
151 std::vector<Tensor> outputs; local
152 Status s = session->Run(inputs, output_names, target_nodes, &outputs);
158 ASSERT_EQ(1, outputs.size());
161 auto mat = outputs[0].matrix<float>();
162 ASSERT_TRUE(outputs[0].IsInitialized());
179 // Apart from nodes with outputs, there are also no-output (control) nodes.
219 // In this graph, all outputs are on the first slot
259 // Completed nodes with and without outputs
306 std::vector<Tensor> outputs; local
595 std::vector<Tensor> outputs; local
833 std::vector<Tensor> outputs; local
993 std::vector<Tensor> outputs; local
[all...]
/external/tensorflow/tensorflow/python/layers/
H A Dnetwork_test.py354 outputs = network(x2)
356 self.assertEqual(type(outputs), list)
357 self.assertEqual(len(outputs), 2)
358 self.assertEqual(outputs[0].get_shape().as_list(), [None, 2])
359 self.assertEqual(outputs[1].get_shape().as_list(), [None, 3])
375 outputs = network([a2, b2])
377 self.assertEqual(type(outputs), list)
378 self.assertEqual(len(outputs), 2)
379 self.assertEqual(outputs[0].get_shape().as_list(), [None, 2])
380 self.assertEqual(outputs[
627 outputs = network([a_val, b_val]) variable in class:DeferredModeTest.testMultiIONetworkbuilding.AddLayer
[all...]
/external/python/cpython2/Lib/distutils/command/
H A Dinstall.py582 outputs = self.get_outputs()
585 for counter in xrange(len(outputs)):
586 outputs[counter] = outputs[counter][root_len:]
588 (self.record, outputs),
619 # Assemble the outputs of all the sub-commands.
620 outputs = []
624 # that outputs doesn't contain duplicate entries
626 if filename not in outputs:
627 outputs
[all...]
/external/python/cpython3/Lib/distutils/command/
H A Dinstall.py564 outputs = self.get_outputs()
567 for counter in range(len(outputs)):
568 outputs[counter] = outputs[counter][root_len:]
570 (self.record, outputs),
600 """Assembles the outputs of all the sub-commands."""
601 outputs = []
605 # that outputs doesn't contain duplicate entries
607 if filename not in outputs:
608 outputs
[all...]
/external/tensorflow/tensorflow/contrib/pi_examples/label_image/
H A Dlabel_image.cc230 Status GetTopLabels(const std::vector<Tensor>& outputs, int how_many_labels, argument
232 const Tensor& unsorted_scores_tensor = outputs[0];
257 Status PrintTopLabels(const std::vector<Tensor>& outputs, argument
270 TF_RETURN_IF_ERROR(GetTopLabels(outputs, how_many_labels, &indices, &scores));
283 Status CheckTopLabel(const std::vector<Tensor>& outputs, int expected, argument
289 TF_RETURN_IF_ERROR(GetTopLabels(outputs, how_many_labels, &indices, &scores));
375 std::vector<Tensor> outputs; local
377 {output_layer}, {}, &outputs);
390 Status check_status = CheckTopLabel(outputs, 866, &expected_matches);
402 Status print_status = PrintTopLabels(outputs, label
[all...]

Completed in 950 milliseconds

1234567891011>>