Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 45 for GatherNd (0.44 sec)

  1. tensorflow/compiler/mlir/tfr/examples/pad/ops_defs.py

            indices=i, depth=len(shape), on_value=True, off_value=False, axis=-1)
        rarray = tf.raw_ops.Reverse(tensor=input_, dims=rdims)
    
        left_padding_size = tf.raw_ops.GatherNd(params=paddings, indices=[i, 0])
        right_padding_size = tf.raw_ops.GatherNd(params=paddings, indices=[i, 1])
    
        if mode == 'REFLECT':
          left_padding, _ = tf.raw_ops.SplitV(
              value=rarray,
              size_splits=[left_padding_size, -1],
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Oct 01 05:00:29 UTC 2021
    - 5.6K bytes
    - Viewed (0)
  2. tensorflow/cc/gradients/array_grad_test.cc

      TensorShape y_shape({2});
      auto y = GatherNd(scope_, x, indices);
      RunTest(x, x_shape, y, y_shape);
    }
    
    TEST_F(ArrayGradTest, GatherNdGrad_SliceIndexing) {
      TensorShape shape({2, 2});
      auto x = Placeholder(scope_, DT_FLOAT, Placeholder::Shape(shape));
      auto indices = Const(scope_, {{1}, {0}});
      auto y = GatherNd(scope_, x, indices);
      RunTest(x, shape, y, shape);
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 10 23:33:32 UTC 2023
    - 19.3K bytes
    - Viewed (0)
  3. tensorflow/cc/gradients/array_grad.cc

      grad_outputs->push_back(ScatterNd(scope, indices, grad_inputs[0], ref_shape));
      grad_outputs->push_back(NoGradient());
      return scope.status();
    }
    REGISTER_GRADIENT_OP("GatherNd", GatherNdGrad);
    
    Status CheckNumericsGrad(const Scope& scope, const Operation& op,
                             const std::vector<Output>& grad_inputs,
                             std::vector<Output>* grad_outputs) {
    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/cc/framework/fuzzing/cc_op_fuzz_gen.cc

        return false;
      }
    
      // TODO(unda, 253431636): constrained kernel
      std::set<string> constrained_kernel = {"Diag",
                                             "DiagPart",
                                             "GatherNd",
                                             "GatherV2",
                                             "QuantizeAndDequantizeV2",
                                             "QuantizeAndDequantizeV3",
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Jan 27 16:26:51 UTC 2024
    - 13K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/lite/stablehlo/tests/legalize_hlo.mlir

    // CHECK:           %[[VAL_4:.*]] = "tf.GatherNd"(%[[VAL_3]], %[[VAL_1]]) <{bad_indices_policy = ""}> : {{.*}} -> tensor<4x128xf32>
    // CHECK:           return %[[VAL_4]]
    // CHECK:         }
    // Test the case when start_index_map isn't an iota what requires a transpose to
    // convert it to tf.GatherNd.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 29 07:26:59 UTC 2024
    - 340.2K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/ir/tf_ops.td

        TF_Int64Tensor:$iter_id
      );
    }
    
    def TF_ResourceGatherNdOp : TF_Op<"ResourceGatherNd", []> {
      let summary = "GatherNd on a resource.";
    
      let description = [{
    This op reads the variable referenced by the first argument, and
    then performs a GatherNd operation on it.
      }];
    
      let arguments = (ins
        Arg<TF_ResourceTensor, "", [TF_VariableRead]>:$resource,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Apr 24 04:08:35 UTC 2024
    - 90.5K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/lite/tests/prepare-tf.mlir

      %0 = "tf.TensorScatterAdd"(%arg0, %arg1, %arg2) : (tensor<7xi64>, tensor<1x1xi32>, tensor<1xi64>) -> tensor<7xi64>
      func.return %0 : tensor<7xi64>
    
      // CHECK-LABEL: scatter_nd_add
      // CHECK:  %[[GATHER:.*]] = "tf.GatherNd"(%arg0, %arg1) <{bad_indices_policy = ""}> : (tensor<7xi64>, tensor<1x1xi32>) -> tensor<1xi64>
      // CHECK:  %[[ADD:.*]] = "tf.Add"(%arg2, %[[GATHER]]) : (tensor<1xi64>, tensor<1xi64>) -> tensor<1xi64>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 29 07:26:59 UTC 2024
    - 59.8K bytes
    - Viewed (0)
  8. tensorflow/compiler/jit/mark_for_compilation_pass.cc

    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Feb 21 12:19:41 UTC 2024
    - 85.3K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/lite/tests/legalize-tf.mlir

    }
    
    func.func @gatherNdVectorIndices(%arg0 : tensor<3x2x2xf32>, %arg1 : tensor<2xi32>) -> tensor<2xf32> {
      %0 = "tf.GatherNd"(%arg0, %arg1) : (tensor<3x2x2xf32>, tensor<2xi32>) -> tensor<2xf32>
      func.return %0 : tensor<2xf32>
    
    // CHECK-LABEL:gatherNdVectorIndices
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jun 05 01:54:33 UTC 2024
    - 153.4K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tf2xla/tests/legalize-tf.mlir

      func.return %0: tensor<4x?xf32>
    }
    
    //===----------------------------------------------------------------------===//
    // tf.GatherNd legalization
    //===----------------------------------------------------------------------===//
    // CHECK-LABEL: func @gatherNd_dynamic
    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