Search Options

Results per page
Sort
Preferred Languages
Advance

Results 101 - 110 of 149 for Dtype (0.05 sec)

  1. tensorflow/c/kernels/histogram_summary_op.cc

      v->set_tag(tag.data(), tag.size());
      histo.EncodeToProto(v->mutable_histo(), false /* Drop zero buckets */);
    
      Safe_TF_TensorPtr summary_tensor(TF_AllocateOutput(
          /*context=*/ctx, /*index=*/0, /*dtype=*/TF_ExpectedOutputDataType(ctx, 0),
          /*dims=*/nullptr, /*num_dims=*/0,
          /*len=*/sizeof(tensorflow::tstring), status.get()));
    
      if (TF_GetCode(status.get()) != TF_OK) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Sep 06 19:12:29 UTC 2023
    - 6.5K bytes
    - Viewed (0)
  2. tensorflow/c/experimental/ops/math_ops.cc

    //     positive for any real input.
    //
    //     ```python
    //     x = tf.constant(2.0)
    //     tf.math.exp(x) ==> 7.389056
    //
    //     x = tf.constant([2.0, 8.0])
    //     tf.math.exp(x) ==> array([7.389056, 2980.958], dtype=float32)
    //     ```
    //
    //     For complex numbers, the exponential value is calculated as follows:
    //
    //     ```
    //     e^(x+iy) = e^x * e^iy = e^x * (cos y + i sin y)
    //     ```
    //
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 10 19:11:36 UTC 2022
    - 12.2K bytes
    - Viewed (0)
  3. tensorflow/compiler/jit/extract_outside_compilation_pass.cc

      for (auto* n : arg_nodes) {
        int index;
        TF_RETURN_IF_ERROR(GetNodeAttr(n->attrs(), "index", &index));
        DataType dtype;
        TF_RETURN_IF_ERROR(GetNodeAttr(n->attrs(), "T", &dtype));
        (*recv_at_host_dtypes)[index] = dtype;
      }
      for (int i = 0, end = recv_at_host_dtypes->size(); i < end; i++) {
        if ((*recv_at_host_dtypes)[i] == DT_INVALID) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Mar 12 06:33:33 UTC 2024
    - 104.7K bytes
    - Viewed (0)
  4. tensorflow/c/eager/c_api_experimental.cc

      }
    
      tensorflow::AbstractTensorInterface* t =
          tensorflow::unwrap(ctx)->CreateTensor(
              static_cast<tensorflow::DataType>(dtype), dimvec);
    
      if (t == nullptr) {
        status->status =
            tensorflow::errors::InvalidArgument("Unsupported dtype: ", dtype);
        return nullptr;
      }
    
      return new TF_Tensor{t};
    }
    
    TFE_TensorHandle* TFE_NewTensorHandleFromTensor(TFE_Context* ctx, TF_Tensor* t,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 11 23:52:39 UTC 2024
    - 35.9K bytes
    - Viewed (0)
  5. tensorflow/compiler/jit/xla_device.cc

    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();
      *shape = shaped_buffer.on_device_shape();
      return absl::OkStatus();
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon May 20 21:05:42 UTC 2024
    - 24.3K bytes
    - Viewed (0)
  6. tensorflow/compiler/jit/xla_kernel_creator_test.cc

          "XTimesY",
          // Args
          {"x: float", "y: resource"},
          // Return values
          {"z: float"},
          // Attr def
          {},
          // Nodes
          {
              {{"y0"}, "ReadVariableOp", {"y"}, {{"dtype", DT_FLOAT}}},
              {{"z"}, "Mul", {"x", "y0"}, {{"T", DT_FLOAT}}},
          });
    }
    
    class XlaKernelCreatorTest : public ::testing::Test {
     protected:
      void Init(const std::vector<FunctionDef>& flib) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 16 01:39:55 UTC 2023
    - 5.7K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tf2xla/api/v1/compile_mlir_util_test.cc

      auto build_result = BuildHloFromGraph(*graph, /*use_output_shapes=*/true);
      ASSERT_FALSE(build_result.ok());
      EXPECT_THAT(build_result.message(),
                  HasSubstr("op operand type 'tensor<2x3x4x5xi32>' and result type "
                            "'tensor<1xi32>' are cast incompatible"));
    }
    
    }  // namespace
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Mar 25 19:54:38 UTC 2024
    - 9.7K bytes
    - Viewed (0)
  8. tensorflow/c/experimental/saved_model/core/tf_saved_model_api.cc

                             kSavedModelVariablesFilename);
            ImmediateTensorHandlePtr restored_output;
            TF_RETURN_IF_ERROR(internal::SingleRestore(
                context, variables_path_prefix, checkpoint_key, variable->dtype(),
                &restored_output));
    
            // Assign the restored tensor's value to the variable
            return variable->Assign(restored_output.get());
          }));
    
      return Status();
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Feb 27 09:34:33 UTC 2024
    - 14.1K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tensorflow/transforms/lift_variables.cc

          // If the arg type already matches the global_tensor type, we don't need
          // to do anything.
          if (!underlying_type.empty() &&
              underlying_type[0] == global_tensor.getType()) {
            assert(underlying_type.size() == 1);
            continue;
          }
    
          // Otherwise, set this argument's type to the global_tensor's type.
          auto new_arg_type = mlir::RankedTensorType::get(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 23 09:05:47 UTC 2024
    - 7.9K bytes
    - Viewed (0)
  10. tensorflow/compiler/jit/xla_launch_util_test.cc

      CreateContext();
    
      std::vector<XlaCompiler::Argument> args(2);
      args[0].kind = XlaCompiler::Argument::kParameter;
      args[0].type = DT_INT32;
      args[0].shape = TensorShape({1, 3});
      args[1].kind = XlaCompiler::Argument::kParameter;
      args[1].type = DT_INT32;
      args[1].shape = TensorShape({1, 3});
    
      const XlaCompiler::CompilationResult* result;
      xla::PjRtLoadedExecutable* executable;
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Feb 21 09:53:30 UTC 2024
    - 28.8K bytes
    - Viewed (0)
Back to top