Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 167 for y_reshape (0.23 sec)

  1. tensorflow/compiler/mlir/lite/tests/flatbuffer2mlir/reshape.mlir

    // Confirm we can extract type info from reshape
    
    func.func @main() -> tensor<2x2xf32> {
      // CHECK: %[[cst:.*]] = "tfl.pseudo_const"() <{value = dense<2> : tensor<2xi32>}> : () -> tensor<2xi32>
      // CHECK: %{{.*}} = "tfl.reshape"(%{{.*}}, %[[cst]]) : (tensor<4xf32>, tensor<2xi32>) -> tensor<2x2xf32>
      %cst = arith.constant dense<[2, 2]> : tensor<2xi32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 730 bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/lite/tests/mlir2flatbuffer/reshape.mlir

    ^bb0(%arg0: tensor<3x2xi32>):
    // CHECK: {
    // CHECK-NEXT:   version: 3,
    // CHECK-NEXT:   operator_codes: [ {
    // CHECK-NEXT:     deprecated_builtin_code: 22,
    // CHECK-NEXT:     version: 1,
    // CHECK-NEXT:     builtin_code: RESHAPE
    // CHECK-NEXT:   } ],
    // CHECK-NEXT:   subgraphs: [ {
    // CHECK-NEXT:     tensors: [ {
    // CHECK-NEXT:       shape: [ 3, 2 ],
    // CHECK-NEXT:       type: INT32,
    // CHECK-NEXT:       buffer: 1,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jul 14 16:41:28 UTC 2022
    - 2.3K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/tensorflow/tests/quantize_xla.mlir

      %reshape = "tf.Reshape"(%dq_pool, %cst) {device = ""} : (tensor<*xf32>, tensor<2xi32>) -> tensor<*xf32>
      %q_reshape = "quantfork.qcast"(%reshape) {volatile} : (tensor<*xf32>) -> tensor<*x!quant.uniform<i8:f32, 0.023529411764705882:-128>>
      %dq_reshape = "quantfork.dcast"(%q_reshape) : (tensor<*x!quant.uniform<i8:f32, 0.023529411764705882:-128>>) -> tensor<*xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 08 19:32:28 UTC 2024
    - 11.4K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/stablehlo/tests/legalize-tfl-stablehlo-reshape.mlir

      %0 = "tfl.custom"(%arg0) {custom_code = "stablehlo.reshape", custom_option = #tfl<const_bytes : "0x00000100002401">} : (tensor<2xi32>) -> tensor<2xi32>
      func.return %0 : tensor<2xi32>
      }
    }
    
    // CHECK:       module {
    // CHECK-NEXT:    func @main(%arg0: tensor<2xi32>) -> tensor<2xi32> {
    // CHECK-NEXT:    %0 = stablehlo.reshape %arg0 : (tensor<2xi32>) -> tensor<2xi32>
    // CHECK-NEXT:    return %0 : tensor<2xi32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Dec 16 05:09:09 UTC 2022
    - 616 bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tf2xla/api/v1/testdata/prepare_to_library.mlir

        %cst_63 = "tf.Const"() <{value = dense<0> : tensor<i32>}> : () -> tensor<i32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jan 31 23:44:50 UTC 2024
    - 2.3K bytes
    - Viewed (0)
  6. tensorflow/cc/gradients/array_grad_test.cc

      TensorShape y_shape({2, 5});
      auto y = Reshape(scope_, x, {2, 5});
      RunTest(x, x_shape, y, y_shape);
    }
    
    TEST_F(ArrayGradTest, ExpandDimsGrad) {
      TensorShape x_shape({5, 2});
      auto x = Placeholder(scope_, DT_FLOAT, Placeholder::Shape(x_shape));
      TensorShape y_shape({1, 5, 2});
      auto y = ExpandDims(scope_, x, 0);
      RunTest(x, x_shape, y, 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)
  7. tensorflow/compiler/mlir/tf2xla/api/v1/compile_tf_graph_test.cc

            %cst_63 = "tf.Const"() <{value = dense<0> : tensor<i32>}> : () -> tensor<i32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 13 08:08:57 UTC 2024
    - 11.7K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test_base.py

          ]
          y_signature = [
              None if c not in contracting_dims else y_shape[cidx]
              for cidx, c in enumerate(y_labels)
          ]
        return x_shape, y_shape, bias_shape, x_signature, y_signature
    
      def _create_einsum_model(
          self,
          saved_model_path: str,
          equation: str,
          y_shape: Sequence[int],
          x_signature: Sequence[Optional[int]],
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 18.2K bytes
    - Viewed (0)
  9. tensorflow/cc/gradients/math_grad.cc

      // for op=min (say)
      // output = [5, -3]
      // y = [[5],
      //      [-3]]
      auto y = Reshape(scope, op.output(0), output_shape_kept_dims);
    
      // reshape([g1, g2], [2, 1]) = [[g1],
      //                              [g2]]
      auto grad = Reshape(scope, grad_inputs[0], output_shape_kept_dims);
    
      // indicators = equal(y, input)
      //  = equal([[5],   [[5, 5, 5],
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Aug 25 18:20:20 UTC 2023
    - 50.7K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tensorflow/tests/tf_optimize.mlir

      // CHECK: %[[RESHAPE:.*]] = "tf.Reshape"(%[[BROADCAST]], %[[CST1]]) : (tensor<1x8x6x1x6x1x1x18xbf16>, tensor<4xi64>) -> tensor<8x6x6x18xbf16>
      // CHECK: return %[[BROADCAST]], %[[RESHAPE]] : tensor<1x8x6x1x6x1x1x18xbf16>, tensor<8x6x6x18xbf16>
    }
    
    // CHECK-LABEL: avoidSimplifyBroadcastReshapeUnmatchedDims
    // The reshape splits broadcasted dimensions, instead of eliminating size-1 dimensions.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 9.5K bytes
    - Viewed (0)
Back to top