Search Options

Results per page
Sort
Preferred Languages
Advance

Results 51 - 60 of 357 for TensorT (0.4 sec)

  1. tensorflow/compiler/jit/xla_device.h

                                 Tensor* tensor) override TF_LOCKS_EXCLUDED(mu_);
    
      Status MakeTensorFromProto(DeviceContext* device_context,
                                 const TensorProto& tensor_proto,
                                 const AllocatorAttributes alloc_attrs,
                                 Tensor* tensor);
    
      const Metadata& metadata() { return xla_metadata_; }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Feb 21 09:53:30 UTC 2024
    - 13.4K bytes
    - Viewed (0)
  2. tensorflow/cc/experimental/libtf/tests/function_test.cc

      StatusOr<TaggedValue> v = tf_function.Execute(ctx_.get(), args);
      ASSERT_TRUE(v.ok()) << v.status().message();
      const TaggedValue& result = v.value();
      ExpectEquals(result.tuple()[0].tensor().get(), 2.0f);
      ExpectEquals(result.tuple()[1].tensor().get(), 4.0f);
    }
    
    TEST_P(FunctionTest, UnaryFuncCalledWithMultipleArgsFails) {
      // Construct a scalar.
      impl::TaggedValueTensor x = CreateScalarTensor<float, TF_FLOAT>(2.0f);
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 19 21:44:52 UTC 2023
    - 11.1K bytes
    - Viewed (0)
  3. tensorflow/cc/experimental/libtf/value.h

        new (&v.data_.dict) T(std::make_shared<T::element_type>());
        return v;
      }
      /// Constructs a TaggedValue with type TENSOR.
      static TaggedValue Tensor(tensorflow::AbstractTensorHandle* raw_ptr) {
        TaggedValue v;
        v.type_ = TENSOR;
        using T = decltype(v.data_.tensor);
        new (&v.data_.tensor) T(raw_ptr, /*add_ref=*/false);
        return v;
      }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 13 05:23:45 UTC 2024
    - 20.4K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tfr/python/tfr_gen_test.py

          CHECK-LABEL: tfr.func @tf__test_identity_op(%x: !tfr.tensor) -> (!tfr.tensor) {
          CHECK-NEXT:   %[[raw_data:.*]] = tfr.quant_raw_data(%x) : (!tfr.tensor) -> (!tfr.tensor)
          CHECK-NEXT:   %[[qparam:.*]]:2 = tfr.quant_qparam(%x) : (!tfr.tensor) -> (!tfr.tensor, !tfr.tensor)
          CHECK:        %[[list:.*]] = "tfr.build_list"(%[[qparam]]#0, %[[qparam]]#0) : (!tfr.tensor, !tfr.tensor) -> !tfr.tensor_list
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Oct 13 16:33:28 UTC 2021
    - 28.8K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/lite/tests/end2end/fake_quant_per_channel_4bit.pbtxt

    }
    
    # MLIR-LABEL: func @main
    # MLIR-SAME:  (%[[ARG_0:[a-z0-9]+]]: tensor<1x1x1x256x!quant.uniform<i8:f32, 0.21632751372549019:27>>) -> tensor<1x6x31x!quant.uniform<i8:f32, 0.09363494573854933:22>>
    # MLIR-SAME:  control_outputs = ""
    # MLIR-SAME:  inputs = "input"
    # MLIR-SAME:  outputs = "output"
    # MLIR:         %[[shape:.*]] = arith.constant dense<[1, -1, 31]> : tensor<3xi32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 18.1K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/tests/constant-fold.mlir

    }
    
    // CHECK-LABEL: func @testPow
    // CHECK-SAME:(%[[ARG_0:.*]]: tensor<4xf32>, %[[ARG_1:.*]]: tensor<4xf32>) -> (tensor<4xf32>, tensor<4xf32>, tensor<4xf32>)
    func.func @testPow(%arg0: tensor<4xf32>, %arg1: tensor<4xf32>) -> (tensor<4xf32>, tensor<4xf32>, tensor<4xf32>) {
    
      %cst_zero = arith.constant dense<0.0> : tensor<f32>
      %cst_one = arith.constant dense<1.0> : tensor<f32>
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jan 31 23:22:24 UTC 2024
    - 36.7K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tf2xla/tests/legalize-tf-communication.mlir

        "mhlo.return"(%0, %1) : (tensor<f32>, tensor<f32>) -> ()
      },  {
        "mhlo.return"(%0, %1) : (tensor<f32>, tensor<f32>) -> ()
      // CHECK:      (tensor<i1>) -> (tensor<f32>, tensor<f32>, !mhlo.token)
      }) : (tensor<i1>) -> (tensor<f32>, tensor<f32>)
    
      // CHECK:      [[IF_SUBTUPLE_RESULT:%.*]] = mhlo.tuple [[IF]]#0, [[IF]]#1
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Feb 08 18:24:20 UTC 2024
    - 38.3K bytes
    - Viewed (0)
  8. tensorflow/c/kernels_experimental.cc

      // copy-on-read mode is false.
      if (var->tensor()->RefCountIsOne()) {
        var->copy_on_read_mode.store(true);
        return absl::OkStatus();
      }
      Tensor tmp;
      if (variantType) {
        AllocatorAttributes attr;
        attr.set_on_host(true);
        TF_RETURN_IF_ERROR(context->allocate_temp(
            var->tensor()->dtype(), var->tensor()->shape(), &tmp, attr));
    
        const auto elements_in = var->tensor()->flat<Variant>();
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 23 06:12:29 UTC 2024
    - 30.9K bytes
    - Viewed (0)
  9. tensorflow/compiler/jit/xla_device.cc

    // on-device shape. This is accurate for CPU and GPU devices that neither
    // transpose nor pad tensors.
    Status DefaultPaddedShapeFn(const Tensor& tensor, xla::Shape* shape) {
      const tensorflow::XlaTensor* xla_tensor =
          tensorflow::XlaTensor::FromTensor(&tensor);
      if (xla_tensor == nullptr) {
        return TensorShapeToXLAShape(tensor.dtype(), tensor.shape(), shape);
      }
    
      const xla::ShapedBuffer& shaped_buffer = xla_tensor->shaped_buffer();
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon May 20 21:05:42 UTC 2024
    - 24.3K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/transforms/passes.h

    // Legalize TensorList Ops iff all of them are supported.
    std::unique_ptr<OperationPass<ModuleOp>> CreateLegalizeTensorListPass();
    
    // Reduce the type precision of some tensor types if all values within that
    // tensor are within the range of the reduced precision.
    std::unique_ptr<OperationPass<ModuleOp>> CreateReduceTypePrecisionPass();
    
    // Convervatively pushes transposes through elementwise ops to prepare
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Mar 07 21:29:34 UTC 2024
    - 10.9K bytes
    - Viewed (0)
Back to top