Search Options

Results per page
Sort
Preferred Languages
Advance

Results 11 - 20 of 1,123 for tftensor (0.47 sec)

  1. tensorflow/compiler/mlir/tfrt/tests/tf_to_corert/fallback_canonicalization.mlir

      %a = corert.const_dense_tensor dense<[true, false]> : tensor<2xi1>
      %b = corert.const_dense_tensor dense<[false, true]> : tensor<2xi1>
      // CHECK: [[b:%.*]] = tfrt_fallback_async.const_dense_tensor dense<[false, true]> : tensor<2xi1>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Nov 04 14:07:37 UTC 2022
    - 5.3K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tfrt/tests/tf_to_corert/control_flow.mlir

      %0 = "tf.Less"(%index, %size) {device = "/device:CPU:0"} : (tensor<i32>, tensor<i32>) -> tensor<i1>
      func.return %0 : tensor<i1>
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 00:40:32 UTC 2024
    - 17.5K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tensorflow/ir/tf_ops.td

        TF_BoolTensor:$condition,
        Arg<TF_Tensor, [{= A `Tensor` which may have the same shape as `condition`.
    If `condition` is rank 1, `x` may have higher rank,
    but its first dimension must match the size of `condition`.}]>:$then_value,
        Arg<TF_Tensor, [{= A `Tensor` with the same type and shape as `x`.}]>:$else_value
      );
    
      let results = (outs
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Apr 24 04:08:35 UTC 2024
    - 90.5K bytes
    - Viewed (0)
  4. tensorflow/c/kernels/tensor_shape_utils_test.cc

      explicit TF_TensorWrapper(TF_Tensor* tensor) { tf_tensor = tensor; }
      ~TF_TensorWrapper() { TF_DeleteTensor(tf_tensor); }
    };
    
    void TestShapeMatch(TensorShape shape) {
      Tensor tensor(DT_FLOAT, shape);
      Status status;
      TF_Tensor* tf_tensor = TF_TensorFromTensor(tensor, &status);
      TF_TensorWrapper tensor_wrapper = TF_TensorWrapper(tf_tensor);
      ASSERT_TRUE(status.ok()) << status.ToString();
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Aug 03 21:44:58 UTC 2020
    - 1.8K bytes
    - Viewed (0)
  5. tensorflow/c/kernels.cc

      }
      absl::Status s;
      tensorflow::Tensor tensor;
      s = cc_ctx->allocate_temp(static_cast<tensorflow::DataType>(dtype),
                                tensorflow::TensorShape(dimarray), &tensor,
                                allocator_attr);
      if (!s.ok()) {
        ::tensorflow::Set_TF_Status_from_Status(status, s);
        return nullptr;
      }
      TF_Tensor* tf_tensor;
      tf_tensor = TF_TensorFromTensor(tensor, &s);
      if (!s.ok()) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 28 22:53:47 UTC 2024
    - 36K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tfrt/ir/mlrt/tf_ops.td

      let summary = "Set a tensor in a promise";
    
      let description = [{
        Set a tensor in a promise.
    
        $promise: A value of type !mlrt.promise. The underlying value will always be a tensorflow tensor.
        $tensor: A tensorflow tensor.
      }];
    
      let arguments = (ins
        MlrtPromiseType:$promise,
        TF_Tensor:$tensor
      );
    }
    
    def TFMapFnOp : TensorflowMlrt_Op<"tf_map_fn", [AttrSizedOperandSegments, Pure]> {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 22 21:35:32 UTC 2024
    - 6.7K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tfrt/tests/ir/fallback_opt.mlir

      tfrt.return %ch3: !tfrt.chain
    }
    
    // CHECK-LABEL: func @copy_if_small
    func.func @copy_if_small(%arg: !tfrt_fallback.tf_tensor) -> (!tfrt_fallback.tf_tensor, !tfrt_fallback.tf_tensor) {
      // CHECK: tfrt_fallback_async.copy_if_small {{%.*}} {_tfrt_cost = 1 : i64} : (!tfrt_fallback.tf_tensor) -> (!tfrt_fallback.tf_tensor, !tfrt_fallback.tf_tensor)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Mar 25 11:03:04 UTC 2022
    - 4.8K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tensorflow/tests/compile_mlir_util/replicate-tensor-list-init-ops.mlir

        %tl_set_item = "tf.TensorListSetItem"(%tl, %idx, %elem_1) : (tensor<!tf_type.variant<tensor<*xf32>>>, tensor<i32>, tensor<8xf32>) -> tensor<!tf_type.variant<tensor<*xf32>>>
        %elem_shape_2 = "tf.Const"() {value = dense<-1> : tensor<1xi32>} : () -> tensor<1xi32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Feb 03 09:30:08 UTC 2023
    - 1.9K bytes
    - Viewed (0)
  9. tensorflow/c/kernels_experimental.cc

        void (*binary_add_func)(TF_OpKernelContext* ctx, TF_Tensor* a, TF_Tensor* b,
                                TF_Tensor* out));
    
    static Status CCBinaryAddFunc(
        ::tensorflow::OpKernelContext* cc_ctx, const Tensor& cc_a,
        const Tensor& cc_b, Tensor* cc_out,
        void (*binary_add_func)(TF_OpKernelContext* ctx, TF_Tensor* a, TF_Tensor* b,
                                TF_Tensor* out)) {
      if (cc_a.dtype() == ::tensorflow::DT_INVALID) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 23 06:12:29 UTC 2024
    - 30.9K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tensorflow/tests/graphdef2mlir/graph-empty-tensor-content.pbtxt

    # This test is intended to verify the tensor_content field on import of an empty
    # tensor.
    # CHECK:  tf.Const
    # CHECK-SAME: value = dense<0.000000e+00>
    
    node {
      name: "Const"
      op: "Const"
      attr {
        key: "dtype"
        value {
          type: DT_FLOAT
        }
      }
      attr {
        key: "value"
        value {
          tensor {
            dtype: DT_FLOAT
            tensor_shape {
              dim {
                size: 1
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Apr 24 00:20:25 UTC 2020
    - 587 bytes
    - Viewed (0)
Back to top