Search Options

Results per page
Sort
Preferred Languages
Advance

Results 51 - 60 of 1,671 for indices (0.23 sec)

  1. tensorflow/compiler/mlir/quantization/tensorflow/passes/convert_tf_xla_op_to_tf_op.cc

      SmallVector<int64_t> indices(index_map_size);
      for (int64_t i = 0; i < index_map_size; i++) {
        indices[i] = dimension_numbers.start_index_map()[i];
      }
    
      // Fill elements from start_indices with start_index_map
      Value scattered_start_indices = builder.create<TF::TensorScatterUpdateOp>(
          loc, empty_start_indices,
          /*indices=*/
          builder.create<TF::ReshapeOp>(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 13.2K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/tests/decompose_resource_ops.mlir

        // CHECK: "tf.AssignVariableOp"([[VAR]], [[TENSOR]])
        "tf.ResourceScatterAdd"(%resource, %indices, %updates) : (tensor<*x!tf_type.resource<tensor<*xi32>>>, tensor<2x?xi32>, tensor<?x?x?xi32>) -> ()
    
        tf_device.return
      }) : () -> ()
      func.return
    }
    
    // Tests that composite tf.ResourceScatterAdd with 1d Indices operation is decomposed.
    
    // CHECK-LABEL: @decompose_resource_scatter_add_op_1d_indices
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 22 19:47:48 UTC 2024
    - 51.3K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/tensorflow/passes/lift_quantizable_spots_as_functions_drq.td

      [(IsNotInLiftedFunc $res), (IsConstTensor $b)], [], (addBenefit 1)>;
    
    def LiftGather : Pat<
      (TF_GatherV2Op:$res $params, $indices, $axis, $batch_dims),
      (LiftAsTFPartitionedCall<"composite_gather_fn">
        (ArgumentList $params, $indices, $axis),
        (ResultList $res),
        (NamedAttributeList
          (NamedAttr<"batch_dims"> $batch_dims))),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sun Dec 10 05:52:02 UTC 2023
    - 3.9K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tfrt/ir/mlrt/tf_mlrt_tpu_ops.td

        $constant_operand_indices are the indices of the inputs that are constant to the TPU program (e.g. weights in inference), the rest of the inputs are input tensors.
        constant_operand_indices is sorted in ascending order.
        $operands_with_static_shape are indices of operands that are tagged with a maximum static shape.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Oct 04 21:25:31 UTC 2023
    - 3.1K bytes
    - Viewed (0)
  5. src/runtime/mpagealloc_64bit.go

    	// of summary indices which must be mapped to support those addresses
    	// in the summary range.
    	addrRangeToSummaryRange := func(level int, r addrRange) (int, int) {
    		sumIdxBase, sumIdxLimit := addrsToSummaryRange(level, r.base.addr(), r.limit.addr())
    		return blockAlignSummaryRange(level, sumIdxBase, sumIdxLimit)
    	}
    
    	// summaryRangeToSumAddrRange converts a range of indices in any
    Registered: Wed Jun 12 16:32:35 UTC 2024
    - Last Modified: Wed Jan 03 11:00:10 UTC 2024
    - 9.3K bytes
    - Viewed (0)
  6. tensorflow/compiler/aot/tests/make_test_graphs.py

      z = cond.cond(p, lambda: x, lambda: y)
      array_ops.identity(z, name='result')
    
    
    def tfgather(_):
      params = array_ops.placeholder(dtypes.float32, name='params')
      indices = array_ops.placeholder(dtypes.int32, name='indices')
      array_ops.gather(params, indices, name='gather_output')
    
    
    def tfmatmul(_):
      x = array_ops.placeholder(dtypes.float32, name='x_hold')
      y = array_ops.placeholder(dtypes.float32, name='y_hold')
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 15 15:25:23 UTC 2023
    - 7.8K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/transforms/layout_optimization.cc

      SmallVector<TransposeOp, 2> transpose_ops;
    
      // Constant operation that defines permutation indices for result transposes.
      ConstOp permutation_op;
    
      // All operation results must be used by transpose operations with the same
      // permutation indices.
      for (OpResult result : op->getResults()) {
        for (Operation* user : result.getUsers()) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 19.3K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tfrt/tests/mlrt/parallelization.mlir

    // CHECK-LABEL: func private @main_stream_1
    // CHECK: [[r:%.*]] = "tf._TfrtGetResource"
    // CHECK-SAME: indices = [1]
    // CHECK: "tf.DummySideEffecting"([[r]])
    
    // CHECK-LABEL: func private @main_stream_2
    // CHECK: [[r:%.*]] = "tf._TfrtGetResource"
    // CHECK-SAME: indices = [0]
    // CHECK: "tf.DummySideEffecting"([[r]])
    
    // CHECK-LABEL: func @main
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 08 22:07:30 UTC 2023
    - 15K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tfrt/ir/gpu_ops.td

      let description = [{
        The op compiles and executes a GPU cluster function.
    
        func_name is the name of the function to be executed on GPU.
        resource_indices are the indices of inputs that are resources.
        used_output_indices are the indices of outputs that have users.
    
        Example:
          %results = gpurt.compile_and_execute {func_name = "xla_func_0", resource_indices = [1] ...}
      }];
    
      let arguments = (ins
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 18 15:01:21 UTC 2024
    - 3.3K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tfrt/tests/tf_to_corert/fallback.mlir

      // CHECK: [[ch3:%.*]], [[results:%.*]]:2 = tfrt_fallback_async.get_resource [[ready_ch]] {device = "/device:CPU:0", indices = [0, 1]}
      // CHECK: tfrt_fallback_async.executeop key({{.*}}) cost({{.*}}) device("/device:CPU:0") "tf.MatMul"([[results]]#0, [[results]]#1)
      %a, %b = "tf._TfrtGetResource"() {device = "/device:CPU:0", indices = [0, 1], shared_name = ["", ""], container = ["", ""]} : () -> (tensor<3x1xf32>, tensor<1x3xf32>)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 08 00:18:59 UTC 2024
    - 9.1K bytes
    - Viewed (0)
Back to top