| /external/tensorflow/tensorflow/contrib/tensor_forest/kernels/ | 
| scatter_add_ndim_op.cc | 99         const int32 input_index = start_index + offset;  variable 101         CHECK(input_index < input.size());
 103         input(input_index) += deltas(delta_index);
 
 | 
| /external/tensorflow/tensorflow/core/kernels/ | 
| deep_conv2d_test.cc | 30           const int input_index = k * cols + l;  local 33               matrix[input_index] * v;
 
 | 
| dynamic_stitch_op_gpu.cu.cc | 42     const int32 input_index = data_indices[slice_id];  local 43     if (input_index != -1) {
 44       output[output_index] = ldg(data_ptrs[input_index] + slice_offset);
 
 | 
| quantized_batch_norm_op.cc | 55         const int input_index = (row_index * depth) + channel;  local 57             QuantizedToFloat(input_flat(input_index), input_min, input_max);
 81           output_flat(input_index) =
 148       const int input_index = (row_index * depth) + channel;  local
 150           RequantizeInNewRange<T1, T2>(input_flat(input_index), input_min,
 156       output_flat(input_index) = output_value;
 
 | 
| fft_ops.cc | 73         auto input_index = input_shape.dims() - fft_rank + i;  variable 77             input_shape.dim_size(input_index) == 0 ||
 78                 input_shape.dim_size(input_index) >= min_input_dim_length,
 80                 "Input dimension ", input_index,
 82                 " but got: ", input_shape.dim_size(input_index)));
 
 | 
| conv_ops_gpu_3.cu.cc | 193     int input_index = TensorIndexToFlat(input_tensor_index, input_dims);  local 196         maybe_conj<T, conjugate>::run(ldg(input + input_index));
 219     int input_index = TensorIndexToFlat(input_tensor_index, input_dims);  local
 222         maybe_conj<T, conjugate>::run(ldg(input + input_index));
 305     int input_index = input_origin_flat_index + ti * input_dims[2] + tj;  local
 312             maybe_conj<T, conjugate>::run(input[input_index]);
 313         input_index += input_increment;
 319               maybe_conj<T, conjugate>::run(input[input_index]);
 320           input_index += input_increment;
 394       const int input_index = TensorIndexToFlat(input_tensor_index, input_dims)  local
 423  const int input_index = TensorIndexToFlat(input_tensor_index, input_dims);  local
 [all...]
 | 
| /external/mesa3d/src/mesa/drivers/dri/i965/ | 
| gen8_sf_state.c | 96       int input_index = 0;  local 103          assert(input_index < 32);
 105          if (input_index < 16)
 106             dw4 |= (GEN9_SBE_ACTIVE_COMPONENT_XYZW << (input_index << 1));
 108             dw5 |= (GEN9_SBE_ACTIVE_COMPONENT_XYZW << ((input_index - 16) << 1));
 110          ++input_index;
 
 | 
| gen6_sf_state.c | 210       int input_index = wm_prog_data->urb_setup[attr];  local 212       if (input_index < 0)
 228             *point_sprite_enables |= (1 << input_index);
 243       if (input_index < 16)
 244          attr_overrides[input_index] = attr_override;
 246          assert(attr_override == input_index);
 
 | 
| /external/tensorflow/tensorflow/contrib/tensorrt/ | 
| tensorrt_test.cc | 104   const int input_index = engine.getBindingIndex(kInputTensor);  local 109   ASSERT_EQ(0, cudaMalloc(&buffers[input_index], sizeof(float)));
 119   ASSERT_EQ(0, cudaMemcpyAsync(buffers[input_index], input, sizeof(float),
 128   ASSERT_EQ(0, cudaFree(buffers[input_index]));
 
 | 
| /external/tensorflow/tensorflow/contrib/lite/testing/ | 
| parse_testdata.cc | 134     for (int input_index = 0; input_index < inputs; input_index++) { 142     for (int input_index = 0; input_index < outputs; input_index++) {
 155     int input_index = interpreter->inputs()[i];  local
 158         interpreter->ResizeInputTensor(input_index, example.inputs[i].shape));
 163     int input_index = interpreter->inputs()[i];  local
 164     if (float* data = interpreter->typed_tensor<float>(input_index)) {
 [all...]
 | 
| /external/tensorflow/tensorflow/contrib/lite/toco/tflite/ | 
| import.cc | 122       auto input_index = inputs->Get(i);  local 123       // input_index == -1 indicates optional tensor.
 124       if (input_index != -1) {
 125         const string& input_name = tensors_table.at(input_index);
 
 | 
| /external/v8/src/compiler/ | 
| graph-reducer.h | 143     int input_index;  member in class:v8::internal::compiler::GraphReducer::State 
 | 
| int64-lowering.h | 65     int input_index;  member in struct:v8::internal::compiler::Int64Lowering::NodeState 
 | 
| simd-scalar-lowering.h | 66     int input_index;  member in struct:v8::internal::compiler::SimdScalarLowering::NodeState 
 | 
| machine-graph-verifier.cc | 505               int input_index = static_cast<int>(i + 1);  local 510                   CheckValueInputIsTagged(node, input_index);
 513                   CheckValueInputForInt32Op(node, input_index);
 
 | 
| node.h | 188     int input_index() const { return InputIndexField::decode(bit_field_); }  function in struct:v8::internal::compiler::final::Use 191       int index = input_index();
 200       Use* start = this + 1 + input_index();
 226   // Since every {Use} instance records its {input_index}, pointer arithmetic
 244   Node* const* GetInputPtrConst(int input_index) const {
 245     return has_inline_inputs() ? &(inputs_.inline_[input_index])
 246                                : &inputs_.outline_->inputs_[input_index];
 248   Node** GetInputPtr(int input_index) {
 249     return has_inline_inputs() ? &(inputs_.inline_[input_index])
 250                                : &inputs_.outline_->inputs_[input_index];
 [all...]
 | 
| /art/compiler/optimizing/ | 
| ssa_liveness_analysis.cc | 368       size_t input_index = use.GetInputIndex();  local 381         if (end == user->GetBlock()->GetPredecessors()[input_index]->GetLifetimeEnd()) {
 384             if (i == input_index) {
 
 | 
| /external/tensorflow/tensorflow/compiler/tf2xla/ | 
| xla_compiler.h | 186     int input_index;  member in struct:tensorflow::XlaCompiler::ResourceUpdate 
 | 
| /external/tensorflow/tensorflow/compiler/xla/service/gpu/ | 
| elemental_ir_emitter.cc | 378         IrArray::Index input_index(index.size()); 383           input_index[i] = ir_builder_->CreateNSWSub(
 387           // We must check whether 0 ? input_index[i] < bound, as otherwise
 390           // input_index[i] < bound, as a negative value wraps to a large
 395                   input_index[i],
 405                             operand_to_generator.at(operand)(input_index));
 427         IrArray::Index input_index = loops.AddLoopsForShapeOnDimensions(  member in namespace:xla::gpu
 430           // Here only input_index[hlo->dimensions()] are non-null, so we must
 433           for (size_t i = 0; i < input_index.size(); ++i) {
 434             if (input_index[i] == nullptr)
 [all...]
 | 
| /external/tensorflow/tensorflow/contrib/graph_editor/ | 
| subgraph.py | 553   def input_index(self, t):  member in class:SubGraphView 
 | 
| /external/tensorflow/tensorflow/contrib/lite/kernels/internal/reference/ | 
| reference_ops.h | 395           const int input_index = Offset(input_dims, in_d, in_w, in_h, in_b);  local 397           output_data[output_index] = input_data[input_index];
 436           const int input_index = Offset(input_dims, in_d, in_w, in_h, in_b);  local
 438           output_data[output_index] = input_data[input_index];
 [all...]
 | 
| /external/mesa3d/src/intel/blorp/ | 
| blorp_genX_exec.h | 223          const int input_index = params->wm_prog_data->urb_setup[attr];  local 224          if (input_index < 0)
 [all...]
 | 
| /external/mesa3d/src/intel/vulkan/ | 
| genX_pipeline.c | 327       int input_index = wm_prog_data->urb_setup[attr];  local 329       if (input_index < 0)
 339          sbe.PointSpriteTextureCoordinateEnable = 1 << input_index;
 345       if (input_index >= 16)
 356          swiz.Attribute[input_index].ConstantSource = PRIM_ID;
 357          swiz.Attribute[input_index].ComponentOverrideX = true;
 358          swiz.Attribute[input_index].ComponentOverrideY = true;
 359          swiz.Attribute[input_index].ComponentOverrideZ = true;
 360          swiz.Attribute[input_index].ComponentOverrideW = true;
 368          swiz.Attribute[input_index].SourceAttribute = source_attr
 [all...]
 | 
| /external/v8/src/builtins/ | 
| builtins-number.cc | 325       Node* input_index =  local 327       Node* result = SmiTag(input_index);
 [all...]
 | 
| /external/valgrind/coregrind/m_gdbserver/ | 
| remote-utils.c | 701    int input_index, output_index;  local 704    for (input_index = 0; input_index < len; input_index++) {
 705       gdb_byte b = buffer[input_index];
 720    *out_len = input_index;
 737    int input_index, output_index;  local
 742    for (input_index = 0; input_index < len; input_index++)
 [all...]
 |