Search Options

Results per page
Sort
Preferred Languages
Advance

Results 11 - 19 of 19 for grad_ops (0.13 sec)

  1. tensorflow/cc/gradients/nn_grad.cc

      // The "truth" labels are at index 1.
      auto softmax_grad = op.output(1);
    
      // The loss is the output at index 0, and backprop is the output at index 1.
      auto grad_loss = grad_inputs[0];
      auto grad_grad = grad_inputs[1];
    
      auto grad = BroadcastMul(scope, grad_loss, softmax_grad);
      if (!IsZero(scope, grad_grad)) {
        std::vector<int> axis;
        auto logits_softmax = Softmax(scope, logits);
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 27 23:34:33 UTC 2022
    - 24.5K bytes
    - Viewed (0)
  2. RELEASE.md

    *   Fixes a security vulnerability caused by lack of validation in
        `tf.raw_ops.DataFormatVecPermute` and `tf.raw_ops.DataFormatDimMap`
        ([CVE-2020-26267](https://cve.mitre.org/cgi-bin/cvename.cgi?name=CVE-2020-26267))
    *   Fixes a vulnerability caused by attempting to write to immutable memory
        region in `tf.raw_ops.ImmutableConst`
        ([CVE-2020-26268](https://cve.mitre.org/cgi-bin/cvename.cgi?name=CVE-2020-26268)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 23:24:08 UTC 2024
    - 730.3K bytes
    - Viewed (0)
  3. tensorflow/cc/gradients/array_grad.cc

      int axis;
      TF_RETURN_IF_ERROR(GetNodeAttr(op.node()->attrs(), "axis", &axis));
    
      grad_outputs->reserve(N);
      auto grad_op = Unstack(scope, grad_inputs[0], N, Unstack::Axis(axis));
      for (const Output& o : grad_op.output) {
        grad_outputs->emplace_back(o);
      }
      return scope.status();
    }
    REGISTER_GRADIENT_OP("Pack", PackGrad);
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 10 23:33:32 UTC 2023
    - 31.7K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/transforms/lift_tflite_flex_ops.cc

        // safe.
        if (auto tensor_array_v3_op = dyn_cast<TF::TensorArrayV3Op>(tf_op)) {
          // The "flow" in TensorArrayV3 is always a scalar float tensor.
          // https://www.tensorflow.org/api_docs/python/tf/raw_ops/TensorArrayWriteV3
          Value flow = tensor_array_v3_op.getFlow();
          Type scalar_f32_tensor_type =
              RankedTensorType::get(/*shape=*/{}, rewriter.getF32Type());
          flow.setType(scalar_f32_tensor_type);
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 10.9K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tensorflow/ir/tf_executor.cc

      // possible terminator.
      return std::next(block->begin()) == block->end() ||
             std::next(block->begin(), 2) == block->end();
    }
    
    // This pattern matches GraphOps with only one FetchOp (empty) and remaps the
    // results of the GraphOp to the operands of the FetchOp.
    struct DropEmptyGraph : public OpRewritePattern<GraphOp> {
      using OpRewritePattern<GraphOp>::OpRewritePattern;
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 42.7K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tfr/python/tfr_gen.py

        # TODO(mdan): Index more efficiently. Could do a name check instead.
        if any(v is value for v in AG_MODULE.__dict__.values()):
          return {TFRTypes.AG_BUILTIN_FUNC}
        if getattr(value, '__name__', None) == 'tensorflow.raw_ops':
          return {types.ModuleType}
        if hasattr(value, '__module__'):
          if isinstance(value, dtypes.DType):
            return {TFRTypes.ATTR}
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Apr 27 15:27:03 UTC 2022
    - 55.8K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/ir/tf_ops.td

      def model_fn(args):
        # do something with dynamic tensor
    
      @function.Defun(capture_resource_var_by_value=False)
      def tpu_subgraph():
          return tf.tpu.rewrite(model_fn, args)
    
      return tf.raw_ops.TPUPartitionedCall(
          args=tpu_subgraph.captured_inputs,
          Tout=[o.type for o in tpu_subgraph.definition.signature.output_arg],
          f=tpu_subgraph,
          device_ordinal=[0])
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Apr 24 04:08:35 UTC 2024
    - 90.5K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tensorflow/ir/tf_generated_ops.td

    elements in `x` must be complex numbers of the form \\(a + bj\\). The absolute
    value is computed as \\( \sqrt{a^2 + b^2}\\).
    
    For example:
    
    >>> x = tf.complex(3.0, 4.0)
    >>> print((tf.raw_ops.ComplexAbs(x=x, Tout=tf.dtypes.float32, name=None)).numpy())
    5.0
      }];
    
      let arguments = (ins
        TensorOf<[TF_Complex128, TF_Complex64]>:$x
      );
    
      let results = (outs
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 23:24:08 UTC 2024
    - 793K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tf2xla/tests/legalize-tf.mlir

    // AllToAll op legalizations.
    //===----------------------------------------------------------------------===//
    
    // -----
    
    // CHECK-LABEL: func @alltoall_basic
    // See https://www.tensorflow.org/api_docs/python/tf/raw_ops/AllToAll
    func.func @alltoall_basic(%input: tensor<1x2xf32>) -> tensor<2x1xf32> {
      %group_assignment = "tf.Const" () {
        value = dense<[[0, 1]]> : tensor<1x2xi32>
      } : () -> tensor<1x2xi32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon May 06 18:46:23 UTC 2024
    - 335.5K bytes
    - Viewed (0)
Back to top