Search Options

Results per page
Sort
Preferred Languages
Advance

Results 11 - 20 of 295 for TensorT (0.29 sec)

  1. tensorflow/compiler/mlir/tf2xla/transforms/tf2xla_rewriter.cc

        }
    
        tensors.emplace_back(
            device_->GetAllocator(tensorflow::AllocatorAttributes()), expr.dtype(),
            shape_or.value());
    
        tensorflow::Tensor& tensor = tensors.back();
        tensorflow::XlaExpression::AssignExpressionToTensor(expr, &tensor);
        inputs.emplace_back(&tensor);
      }
    
      return success();
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:16:07 UTC 2024
    - 18.9K bytes
    - Viewed (0)
  2. tensorflow/c/eager/tape.h

        }
      }
    
      // Returns whether any tensor in a list of tensors is being watched and has
      // a trainable dtype.
      bool ShouldRecord(absl::Span<const int64_t> tensor_ids,
                        absl::Span<const tensorflow::DataType> dtypes) const;
    
      // Adds this tensor to the list of watched tensors.
      //
      // This is a no-op if the tensor is already being watched either from an
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 02 12:40:29 UTC 2024
    - 47.2K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tfr/ir/tfr_ops.td

    def TFR_CastOp : TFR_Op<"cast", [Pure]> {
      let description = [{
        The `cast` operation converts the operand with built-in tensor type to
        tfr.tensor type, or vice versa.
    
        Example:
    
        ```mlir
        %1 = tfr.cast(%0) : tensor<f32> -> !tfr.tensor
        %3 = tfr.cast(%1) : !tfr.tensor -> tensor<f32>
        ```
      }];
    
      let arguments = (ins TFR_singleTensorType:$arg);
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 22 10:54:29 UTC 2024
    - 17.4K bytes
    - Viewed (0)
  4. tensorflow/cc/framework/gradient_checker.cc

                                           std::vector<Tensor>* x_datas,
                                           std::vector<Tensor>* jacobian_ts) {
      size_t y_num = y_shapes.size();
      size_t x_num = x_shapes.size();
      // x_stride and y_stride are used to calculate the correct jacobian row and
      // column position for a pair of elements at positions r, c within the x and y
      // tensors respectively.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 13 05:57:22 UTC 2024
    - 18.2K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/quantization/tensorflow/python/save_model.py

    ) -> _SignatureDefMap:
      """Validates if the tensor names in signatures are consistent with the graph.
    
      This function checks if the input and output tensor names in the signatures
      exist if the graph. The output tensor names might change during conversion,
      we try to fix that with `_restore_output_tensor_names`. Besides, if there
      are duplicated tensor names, they we will be prefixed with the signature name.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 01:09:50 UTC 2024
    - 12.3K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/tensorflow/python/representative_dataset_test.py

    
    def _contains_tensor(sample: repr_dataset.RepresentativeSample) -> bool:
      """Determines whether `sample` contains any tf.Tensors.
    
      Args:
        sample: A `RepresentativeSample`.
    
      Returns:
        True iff `sample` contains at least tf.Tensors.
      """
      return any(map(lambda value: isinstance(value, core.Tensor), sample.values()))
    
    
    class RepresentativeDatasetTest(test.TestCase):
      """Tests functions for representative datasets."""
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jan 04 07:35:19 UTC 2024
    - 11.6K bytes
    - Viewed (0)
  7. tensorflow/compiler/jit/xla_launch_util.h

    class XlaComputationLaunchContext {
     public:
      // Create a new launch context. 'allocate_xla_tensors' is true if allocated
      // output tensors and variables are always XlaTensors. If false they are
      // assumed to be "normal" device pointers.
      // If 'use_multiple_streams' is true, tensors may be defined and used on
      // multiple streams and so se::Events must be defined and waited for. If
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Feb 21 09:53:30 UTC 2024
    - 11.8K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model_optimize_global_tensors_interprocedural.mlir

        func.return %val : tensor<f32>
      }
    
      // CHECK: func private @f_callee_callee(%arg0: tensor<*x!tf_type.resource>) -> tensor<f32>
      func.func private @f_callee_callee(%arg0: tensor<*x!tf_type.resource>) -> tensor<f32> {
        %c0 = "tf.Const"() { value = dense<1.0> : tensor<f32> } : () -> tensor<f32>
        "tf.AssignVariableOp"(%arg0, %c0) : (tensor<*x!tf_type.resource>, tensor<f32>) -> ()
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 31 08:49:35 UTC 2023
    - 10.8K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tensorflow/ir/tf_op_base.td

    // just returns the element type of its first tensor, which is only meaningful
    // when the variadic operand has at least one tensor and the tensors all have
    // the same element type.
    class TF_DerivedOperandTypeAttr<int idx> : DerivedTypeAttr<
      "return mlir::getElementTypeOrSelf(*getODSOperands(" # idx # ").begin());">;
    
    // A derived attribute that returns the element types of the tensors in the
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 30.5K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/transforms/prepare_quantize_helper.h

        const std::vector<int>& tensors = lstm_property.restrict_scale[0];
        if (tensors.size() != 2) {
          op.emitError(
              "Unexpected restricted_scale from operator property."
              " Should only have a pair of indices.");
          return failure();
        }
        return processRestrictScale(op, tensors[0], tensors[1], rewriter);
      }
    
     private:
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 03 18:01:23 UTC 2024
    - 28K bytes
    - Viewed (0)
Back to top