Search Options

Results per page
Sort
Preferred Languages
Advance

Results 131 - 140 of 1,398 for TensorT (0.21 sec)

  1. tensorflow/compiler/jit/xla_tensor.cc

    /*static*/ XlaTensor* XlaTensor::FromTensor(const Tensor* tensor) {
      if (tensor->NumElements() == 0) {
        return nullptr;
      }
      XlaTensor* xla_tensor =
          FromOpaquePointer(const_cast<char*>(tensor->tensor_data().data()));
      return xla_tensor;
    }
    
    /*static*/ se::DeviceMemoryBase XlaTensor::DeviceMemoryFromTensor(
        const Tensor& tensor) {
      const XlaTensor* xla_tensor = FromTensor(&tensor);
      if (xla_tensor) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Feb 22 08:47:20 UTC 2024
    - 4.5K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/quantization/tensorflow/python/representative_dataset.py

        sess: Session instance used to evaluate tf.Tensors.
    
      Returns:
        The new representative dataset where each tf.Tensor is replaced by its
        evaluated numpy ndarrays.
      """
      new_repr_ds = []
      for sample in repr_ds:
        new_sample = {}
        for input_key, input_data in sample.items():
          # Evaluate the Tensor to get the actual value.
          if isinstance(input_data, core.Tensor):
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Mar 22 22:55:22 UTC 2024
    - 14.2K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/lite/stablehlo/transforms/uniform_quantized_stablehlo_to_tfl_pass.cc

    //
    // Conditions for `tfl.fully_connected` conversion:
    //   * Input tensors are per-tensor uniform quantized (i8->f32)
    //     tensors.
    //   * The filter tensor is constant a per-tensor uniform quantized (i8->f32)
    //     tensor. The quantization dimension should be 1 (the non-contracting
    //     dimension).
    //   * Output tensors are per-tensor uniform quantized (i8->f32) or
    //     per-channel uniform quantized (i32->f32) tensors.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 22 09:00:19 UTC 2024
    - 99.8K bytes
    - Viewed (0)
  4. 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)
  5. tensorflow/compiler/mlir/lite/tests/end2end/quant_stats.pbtxt

    # MLIR-NEXT:    return %[[add]] : tensor<4x!quant.uniform<u8:f32, 0.0078431372549019607:128>>
    # MLIR-NEXT:  }
    
    # CHECK-LABEL: {
    # CHECK-NEXT:  version: 3,
    # CHECK-NEXT:  operator_codes: [ {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 4K bytes
    - Viewed (0)
  6. tensorflow/compiler/jit/xla_device_context.h

      void CopyCPUTensorToDevice(const Tensor* cpu_tensor, Device* device,
                                 Tensor* device_tensor, StatusCallback done,
                                 bool sync_dst_compute) const override;
      void CopyDeviceTensorToCPU(const Tensor* device_tensor,
                                 absl::string_view tensor_name, Device* device,
                                 Tensor* cpu_tensor, StatusCallback done) override;
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Sep 06 19:12:29 UTC 2023
    - 5.1K bytes
    - Viewed (0)
  7. tensorflow/c/c_api_experimental.h

    // drop below the capacity due to dequeuing.
    //
    // Tensors are dequeued via the corresponding TF dequeue op.
    // TODO(hongm): Add support for `timeout_ms`.
    TF_CAPI_EXPORT extern void TF_EnqueueNamedTensor(TF_Session* session,
                                                     int tensor_id,
                                                     TF_Tensor* tensor,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 27 21:07:00 UTC 2023
    - 15.1K bytes
    - Viewed (0)
  8. tensorflow/c/experimental/saved_model/core/test_utils.cc

          << "Tensor creation failed for tensor of dtype: "
          << DataTypeString(dtype);
      CHECK_EQ(tensor->Type(), dtype);
      for (int i = 0; i < shape.size(); ++i) {
        CHECK_EQ(tensor->Dim(i), shape[i]);
      }
      FillNumericTensorBuffer(tensor->Type(), tensor->NumElements(), tensor->Data(),
                              value);
      ImmediateTensorHandlePtr handle(ctx->CreateLocalHandle(tensor.get()));
      CHECK_NE(handle.get(), nullptr);
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Sep 08 20:13:32 UTC 2023
    - 5.8K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/tensorflow/python/py_function_lib.py

            ) from ex
    
    
    def _convert_values_to_tf_tensors(
        sample: rd.RepresentativeSample,
    ) -> Mapping[str, core.Tensor]:
      """Converts TensorLike values of `sample` to Tensors.
    
      Creates a copy of `sample`, where each value is converted to Tensors
      unless it is already a Tensor.
      The values are not converted in-place (i.e. `sample` is not mutated).
    
      Args:
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 31 05:32:11 UTC 2024
    - 27.4K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tf2xla/transforms/tf2xla_rewriter.h

      // Tensors: Vector of tensors that back the TensorValue inputs
      // Inputs: Vector of inputs that are backed by tensors.
      mlir::LogicalResult PrepareKernelInputs(
          const llvm::SmallDenseSet<int>& required_consts,
          std::vector<tensorflow::XlaExpression>& expressions,
          std::vector<tensorflow::Tensor>& tensors,
          std::vector<tensorflow::TensorValue>& inputs);
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:16:07 UTC 2024
    - 5K bytes
    - Viewed (0)
Back to top