Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 321 for gather (0.12 sec)

  1. tensorflow/compiler/mlir/tensorflow/tests/tensor_array_ops_decomposition.mlir

      %indices = "tf.Const"() {value = dense<[1, 2]> : tensor<2xi32>} : () -> tensor<2xi32>
      %gather = "tf.TensorArrayGatherV3"(%ta#0, %indices, %ta#1) : (tensor<!tf_type.resource>, tensor<2xi32>, tensor<f32>) -> tensor<2x3xf32>
      func.return %gather : tensor<2x3xf32>
    }
    
    // -----
    
    // Test inferring shape from the element_shape attribute of gather.
    
    // CHECK-LABEL: func @main
    func.func @main() -> tensor<*xf32> {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 49K bytes
    - Viewed (0)
  2. 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)
  3. tensorflow/compiler/mlir/lite/experimental/tac/tests/raise-target-subgraphs.mlir

    // CHECK:     %17 = "tfl.gather"(%arg13, %14) <{axis = 0 : i32, batch_dims = 0 : i32}> {tac.device = "DARWINN", tac.inference_type = "FLOAT"} : (tensor<5xi32>, tensor<?xi32>) -> tensor<?xi32>
    // CHECK:     %18 = tfl.add %arg14, %17 {fused_activation_function = "NONE", tac.device = "DARWINN", tac.inference_type = "FLOAT"} : tensor<?xi32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 74.9K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/quantize_composite_functions.mlir

        return %0 : tensor<2x3x2x2xf32>
      }
    // CHECK: %[[GATHER:.+]] = "stablehlo.gather"(%[[ARG_0]], %[[ARG_1]]) {{.*}} : (tensor<3x4x2x!quant.uniform<i8:f32, {{.*}}>>, tensor<2x3x2xi32>) -> tensor<2x3x2x2x!quant.uniform<i8:f32, {{.*}}>>
    // CHECK: %[[UNIFORM_QUANTIZE_0:.+]] = stablehlo.uniform_quantize %[[GATHER]] : tensor<2x3x2x2x!quant.uniform<i8:f32, {{.*}}>>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 09 05:56:10 UTC 2024
    - 91.6K bytes
    - Viewed (0)
  5. tensorflow/cc/gradients/math_grad.cc

    }
    
    // Helper function for unsorted segment ops.
    // Gathers params for positive segment ids and gathers 0 for inputs with
    // negative segment id.
    Output GatherDropNegatives(const Scope& scope, const Output& params,
                               Output& zero_clipped_indices, Output& is_positive) {
      auto gathered = Gather(scope, params, zero_clipped_indices);
      // Replace gathered params of negative indices with 0.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Aug 25 18:20:20 UTC 2023
    - 50.7K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/lift_quantizable_spots_as_functions.mlir

    // CHECK: return %[[XLA_CALL_MODULE:.*]] : tensor<2x3x2x2xi32>
    // CHECK: }
    
    // CHECK-LABEL: private @composite_gather_fn_1
    // CHECK: %[[GATHER:.*]] = "stablehlo.gather"(%arg0, %arg1)
    // CHECK: return %[[GATHER]] : tensor<2x3x2x2xi32>
    // CHECK: }
    
    // -----
    
    // Test that the name of composite functions are deterministic. There are 3
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 10 04:07:09 UTC 2024
    - 49.8K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/transforms/lower_tf.cc

      }
    };
    
    // Lowers ResizeNearestNeighbor to an indices computations with a gather along
    // the combined spatial dimensions. Generating the indices along the
    // width/height index could be used to gather along each of W and H dimension
    // of the input image array. To reduce to a single gather, these indices are
    // combined, so a single gather can be performed along the combined spatial
    // dimensions.
    //
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 74.9K bytes
    - Viewed (0)
  8. staging/src/k8s.io/apiserver/pkg/server/filters/priority-and-fairness_test.go

    				},
    			},
    		},
    	}
    
    	return []runtime.Object{fs, pl}
    }
    
    // gathers and checks the metrics.
    func checkForExpectedMetrics(t *testing.T, expectedMetrics []string) {
    	metricsFamily, err := legacyregistry.DefaultGatherer.Gather()
    	if err != nil {
    		t.Fatalf("Failed to gather metrics %v", err)
    	}
    
    	metrics := map[string]interface{}{}
    	for _, mf := range metricsFamily {
    Registered: Sat Jun 15 01:39:40 UTC 2024
    - Last Modified: Mon Oct 30 12:18:40 UTC 2023
    - 52.6K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test.py

        module_str = self._extract_first_xla_call_module_op(
            self._output_saved_model_path
        )
        self.assertTrue(re.search('stablehlo.gather.*xi8>', module_str))
    
        # Due to other meta data, the compression is not exactly 1/4.
        self.assertLess(
            testing.get_size_ratio(
                self._output_saved_model_path, self._input_saved_model_path
            ),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 51.4K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tensorflow/tests/decompose_resource_ops.mlir

        // CHECK-DAG: [[READVAR:%.+]] = "tf.ReadVariableOp"([[VAR]])
        // CHECK: [[GATHER:%.+]] = "tf.GatherV2"([[READVAR]], [[INDEX]], [[ZERO]]) <{batch_dims = 0 : i64}> {_xla_outside_compilation = "0"} : (tensor<*xi32>, tensor<?xi32>, tensor<i64>) -> tensor<*xi32>
        // CHECK: return [[GATHER]]
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 22 19:47:48 UTC 2024
    - 51.3K bytes
    - Viewed (0)
Back to top