Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 9,048 for gather (0.1 sec)

  1. istioctl/pkg/multixds/gather.go

    // distributed under the License is distributed on an "AS IS" BASIS,
    // WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
    // See the License for the specific language governing permissions and
    // limitations under the License.
    
    package multixds
    
    // multixds knows how to target either central Istiod or all the Istiod pods on a cluster.
    
    import (
    	"context"
    	"encoding/json"
    	"errors"
    	"fmt"
    	"io"
    Registered: Fri Jun 14 15:00:06 UTC 2024
    - Last Modified: Fri Mar 08 08:38:19 UTC 2024
    - 13.6K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tfrt/tests/tf_to_corert/decompose_resource_op.mlir

    // CHECK-NEXT: [[res:%.*]] = tfrt_fallback_async.executeop key(1) cost({{.*}}) device("/job:localhost/replica:0/task:0/device:CPU:0") "tf.GatherV2"([[value]], {{.*}}, [[const]])
    // CHECK-NEXT: tfrt.return [[out_chain]], [[res]] : !tfrt.chain, !tfrt_fallback.tf_tensor
    func.func @gather(%indices: tensor<?xi32>,
                 %resource: tensor<*x!tf_type.resource>) -> tensor<*xi32> {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 00:40:32 UTC 2024
    - 1.2K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/lite/stablehlo/tests/composite-lowering.mlir

      %15 = "mhlo.gather"(%arg0, %14) <{dimension_numbers = #mhlo.gather<offset_dims = [0, 1, 3], collapsed_slice_dims = [2], start_index_map = [2], index_vector_dim = 1>, slice_sizes = dense<[4, 8, 1, 32]> : tensor<4xi64>}> : (tensor<4x8x32x32xf32>, tensor<64x1xi32>) -> tensor<4x8x64x32xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 06 18:45:51 UTC 2024
    - 32.6K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/transforms/tensor_list_ops_decomposition.cc

    LogicalResult HandleTensorListGatherOp(
        TF::TensorListGatherOp gather,
        const llvm::SmallDenseMap<Value, SizeInfo>& buffer_to_size) {
      auto it = buffer_to_size.find(gather.getInputHandle());
      if (it == buffer_to_size.end()) {
        return gather.emitOpError("unknown tensor list");
      }
      auto buffer = gather.getInputHandle();
      auto result = cutil::GatherElements(gather.getIndices(), buffer,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 39.2K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/lite/tests/quantize-dynamic-range.mlir

    // CHECK: %[[emb:.*]] = "tfl.gather"(%[[dq_w]], %arg0)
    // CHECK: return %[[emb:.*]]
    
    // PerTensor: %[[q_w:.*]] = "tfl.pseudo_qconst"() <{qtype = tensor<64x3x3x3x!quant.uniform<i8<-127:127>:f32, 1.000000e+00>>
    // PerTensor: %[[dq_w:.*]] = "tfl.dequantize"(%[[q_w]]) : (tensor<64x3x3x3x!quant.uniform<i8<-127:127>:f32, 1.000000e+00>>) -> tensor<64x3x3x3xf32>
    // PerTensor: %[[emb:.*]] = "tfl.gather"(%[[dq_w]], %arg0)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 23 21:09:00 UTC 2024
    - 23.2K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/tensorflow/ops/tf_op_quant_spec.cc

            spec->biases_params[2] = {{0, 1},
                                      quant::GetUniformQuantizedTypeForBias};
          }
        } else if (function_name.contains("gather")) {
          // Note that gather has axis attribute that specifies channel axis.
          spec->coeff_op_quant_dim[0] = -1;
        }
        for (auto quantizable_operand : spec->coeff_op_quant_dim) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 6.3K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/tensorflow/passes/lift_quantizable_spots_as_functions.cc

          : quant_options_(quant_options), test_mode_(false) {}
    
      LiftQuantizableSpotsAsFunctionsPass(
          const LiftQuantizableSpotsAsFunctionsPass& other) {
        quant_options_ = other.quant_options_;
        test_mode_ = other.test_mode_;
        op_set_ = other.op_set_;
        initializeForTest();
      }
    
      StringRef getArgument() const final {
        // This is the argument used to refer to the pass in
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 10 04:07:09 UTC 2024
    - 16.4K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/stablehlo/tests/uniform-quantized-stablehlo-to-tfl.mlir

    // CHECK: stablehlo.gather
    // CHECK-NOT: tfl.gather_nd
    // CHECK-NOT: tfl.gather
    
    // -----
    
    // Tests that a float `stablehlo.gather` is not converted to `tfl.gather_nd`.
    
    func.func @gather_float(%arg0: tensor<3x4x2x2xf32>, %arg1: tensor<2x3x2xi64>) -> tensor<2x3x2x2xf32> {
      %0 = "stablehlo.gather"(%arg0, %arg1) {
        dimension_numbers = #stablehlo.gather<
          offset_dims = [2, 3],
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 17:10:32 UTC 2024
    - 106.2K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/tensorflow/python/integration_test/quantize_model_test_base.py

      ) -> Tuple[core.Tensor, core.Tensor]:
        """Creates a basic gather model.
    
        This is intended to be used for TF1 (graph mode) tests.
    
        Args:
          input_type: type of the input index tensor for gather operation.
          use_variable_for_filter: Setting this to `True` makes the filter for the
            gather operation a `tf.Variable`.
    
        Returns:
          in_placeholder: Input tensor placeholder.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Mar 21 08:51:46 UTC 2024
    - 51.2K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test_base.py

            if self.same_scale_op == 'concatenate':
              ones = array_ops.ones_like(out)
              out = array_ops.concat([out, ones], 0)
            elif self.same_scale_op == 'gather':
              out = array_ops.gather(out, indices=[0], axis=0)
            elif self.same_scale_op == 'max_pool':
              out = nn_ops.max_pool(out, ksize=3, strides=1, padding='SAME')
            elif self.same_scale_op == 'pad':
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 18.2K bytes
    - Viewed (0)
Back to top