Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of about 10,000 for gather (0.26 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/aot/tests/tfcompile_test.cc

      }
    }
    
    TEST(TFCompileTest, Gather) {
      GatherComp gather;
      EXPECT_EQ(gather.arg0_data(), gather.arg_data(0));
      EXPECT_EQ(gather.arg1_data(), gather.arg_data(1));
    
      // Successful gather.
      {
        const float params[4] = {1, 2, 3, 4};
        std::copy(params + 0, params + 4, gather.arg0_data());
        const int32 indices[2] = {1, 3};
        std::copy(indices + 0, indices + 2, gather.arg1_data());
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Sep 06 19:12:29 UTC 2023
    - 26.4K bytes
    - Viewed (0)
  3. 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)
  4. tensorflow/compiler/mlir/quantization/tensorflow/tests/propagate_quantize_type.mlir

    // CHECK: %[[GATHER:.*]] = "tf.XlaGather"(%[[DEQUANTIZED]], %arg0, %cst) <{dimension_numbers = "\0A\02\00\01\12\01\00\1A\02\00\01 \01", indices_are_sorted = true}> : (tensor<200x100x300xf32>, tensor<10x2xi32>, tensor<3xi64>) -> tensor<1x300x10xf32>
    // CHECK: return %[[GATHER]] : tensor<1x300x10xf32>
    
    // -----
    
    module {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 6.6K bytes
    - Viewed (0)
  5. 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)
  6. tensorflow/compiler/mlir/quantization/tensorflow/passes/convert_tf_xla_op_to_tf_op.td

    // Convert XlaGather op without batch to Slice op with above two functions.
    def ConvertXlaGatherOpWithoutBatch : Pat<
      (TF_XlaGatherOp:$gather $operand,
        $start_indices, $slice_sizes, $dimension_numbers, $indices_are_sorted),
      (CreateSliceAndReshapeOpFromXlaGatherOpWithoutBatch $operand,
        $start_indices, $slice_sizes, $gather, $dimension_numbers),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sun Dec 10 05:52:02 UTC 2023
    - 2.3K bytes
    - Viewed (0)
  7. pkg/monitoring/monitortest/test.go

    	"istio.io/istio/pkg/test"
    	"istio.io/istio/pkg/test/util/retry"
    )
    
    type MetricsTest struct {
    	t      test.Failer
    	reg    prometheus.Gatherer
    	deltas map[metricKey]float64
    }
    
    type metricKey struct {
    	name  string
    	attrs attribute.Set
    }
    
    var reg = lazy.New(func() (prometheus.Gatherer, error) {
    	// TODO: do not use a global and/or add a way to reset (https://github.com/open-telemetry/opentelemetry-go/issues/4291)
    Registered: Fri Jun 14 15:00:06 UTC 2024
    - Last Modified: Wed Sep 13 16:04:48 UTC 2023
    - 7.2K bytes
    - Viewed (0)
  8. 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)
  9. tensorflow/compiler/mlir/lite/tests/lower-static-tensor-list.mlir

    // CHECK:  [[FILL:%.*]] = "tf.Fill"([[CONCAT]], [[CST]]) : (tensor<?xi32>, tensor<f32>) -> tensor<*xf32>
    // CHECK:  [[GATHER:%.*]] = "tf.Gather"([[FILL]], %arg2) <{validate_indices = true}> : (tensor<*xf32>, tensor<i32>) -> tensor<*xf32>
    // CHECK:  return [[GATHER]] : tensor<*xf32>
    }
    
    // -----
    
    func.func @EmptyTensorList(%arg0: tensor<3xi32>, %arg1: tensor<i32>, %arg2: tensor<i32>) -> tensor<?x?x?xf32> {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 39.9K bytes
    - Viewed (0)
  10. 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)
Back to top