Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 965 for inputs_ (0.17 sec)

  1. tensorflow/cc/framework/ops.cc

    }
    
    Operation::Inputs Operation::GetInputs(Node* node) {
      Operation::Inputs inputs;
      if (node != nullptr) {
        inputs.resize(node->num_inputs(), {nullptr, -1});
        for (const Edge* e : node->in_edges()) {
          if (e->IsControlEdge()) continue;
          inputs[e->dst_input()] = std::make_pair(e->src(), e->src_output());
        }
      }
      return inputs;
    }
    
    Input::Initializer::Initializer(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Aug 11 01:20:50 UTC 2021
    - 3.5K bytes
    - Viewed (0)
  2. tensorflow/cc/framework/while_gradients_test.cc

        for (int i = 0; i < num_inputs; ++i) {
          inputs_.push_back(ops::Placeholder(scope_, dtype));
        }
      }
    
      void CreateLoop(const ops::CondGraphBuilderFn& cond,
                      const ops::BodyGraphBuilderFn& body,
                      const std::vector<Output>* inputs = nullptr) {
        if (inputs == nullptr) inputs = &inputs_;
        TF_ASSERT_OK(ops::BuildWhileLoop(scope_, *inputs, cond, body, "test_loop",
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Sep 27 20:32:17 UTC 2017
    - 7.7K bytes
    - Viewed (0)
  3. tensorflow/cc/ops/while_loop_test.cc

      }
    
      template <typename T>
      void Run(const std::vector<Input::Initializer>& input_values,
               const std::vector<T>& expected_output_values) {
        ClientSession session(scope_);
    
        DCHECK_EQ(input_values.size(), inputs_.size());
        ClientSession::FeedType feeds;
        for (int i = 0; i < inputs_.size(); ++i) {
          feeds.emplace(inputs_[i], input_values[i]);
        }
    
        std::vector<Tensor> out_tensors;
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 13 22:30:58 UTC 2023
    - 6.4K bytes
    - Viewed (0)
  4. tensorflow/c/c_test_util.h

    TF_Operation* RandomUniform(TF_Operation* shape, TF_DataType dtype,
                                TF_Graph* graph, TF_Status* s);
    
    // Split `input` along the first dimension into 3 tensors
    TF_Operation* Split3(TF_Operation* input, TF_Graph* graph, TF_Status* s,
                         const char* name = "split3");
    
    bool IsPlaceholder(const tensorflow::NodeDef& node_def);
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Aug 09 01:06:53 UTC 2018
    - 6K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tensorflow/tests/graphdef2mlir/legacy-fed-input-without-inputs.pbtxt

    # RUN: tf-mlir-translate -graphdef-to-mlir -tf-enable-shape-inference-on-import=false %s -tf-input-arrays=input -tf-input-shapes='' -tf-output-arrays=input -tf-convert-legacy-fed-inputs -o - | FileCheck --check-prefix=NODATATYPE %s
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Apr 24 00:20:25 UTC 2020
    - 1.1K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/tests/mlir2graphdef/output-shapes-attr.mlir

    func.func @main(%arg0: tensor<10xi32>) -> tensor<10xi32>
    attributes {tf.entry_function = {inputs = "input0", outputs = "output0"}} {
      %graph = tf_executor.graph {
        tf_executor.fetch %arg0 : tensor<10xi32>
      }
      func.return %graph : tensor<10xi32>
    }
    
    // CHECK:      node {
    // CHECK-NEXT:   name: "input0"
    // CHECK-NEXT:   op: "_Arg"
    // CHECK:          key: "T"
    // CHECK-NEXT:     value {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Mar 25 12:28:56 UTC 2022
    - 3.4K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/tests/tpu-annotate-dynamic-shape-inputs.mlir

    // RUN: tf-opt -split-input-file -verify-diagnostics -tf-tpu-annotate-dynamic-shape-inputs %s | FileCheck %s
    
    // Test that annotate the inputs of the cluster func to be dynamic shaped.
    
    module attributes {tf.devices = ["/job:worker/replica:0/task:0/device:CPU:0", "/job:worker/replica:0/task:0/device:TPU_SYSTEM:0", "/job:worker/replica:0/task:0/device:TPU:0"]} {
       func.func @main(
          %arg0: tensor<2048xi64> {tf.device = "/job:localhost/replica:0/task:0/device:CPU:0"},
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Aug 14 15:35:49 UTC 2023
    - 2.3K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tfr/examples/mnist/ops_defs.py

      shape_0, shape_1 = tf.shape_n([op.inputs[0], op.inputs[1]])
      return [
          tf.compat.v1.nn.conv2d_backprop_input(
              shape_0,
              op.inputs[1],
              grad,
              strides=strides,
              padding=padding,
              dilations=dilations,
              data_format='NHWC'),
          tf.compat.v1.nn.conv2d_backprop_filter(
              op.inputs[0],
              shape_1,
              grad,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Aug 31 20:23:51 UTC 2023
    - 6.8K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tfr/examples/pad/ops_defs.py

              num_split=2)
    
        input_ = tf.raw_ops.Concat(
            concat_dim=i, values=[left_padding, input_, right_padding])
      return input_
    
    
    @tf.RegisterGradient('NewMirrorPad')
    def _mirror_pad_grad(op, grad):
      mode = op.get_attr('mode')
      return [gen_array_ops.mirror_pad_grad(grad, op.inputs[1], mode=mode), None]
    
    
    @Composite(
        'NewMirrorPadGrad',
        inputs=['input_: T', 'paddings: Tpaddings'],
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Oct 01 05:00:29 UTC 2021
    - 5.6K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/tests/end2end/graph-input-node.pbtxt

    # RUN: tf_tfl_translate -tf-input-arrays=input -tf-input-shapes=4 -tf-input-data-types=DT_INT32 -tf-output-arrays=output %s -o - --output-mlir | FileCheck %s
    
    node {
      name: "default"
      op: "Const"
      attr {
        key: "dtype"
        value {
          type: DT_INT32
        }
      }
      attr {
        key: "value"
        value {
          tensor {
            dtype: DT_INT32
            tensor_shape {
            }
            int_val: 0
          }
        }
      }
    }
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Mar 24 16:44:00 UTC 2020
    - 962 bytes
    - Viewed (0)
Back to top