Search Options

Results per page
Sort
Preferred Languages
Advance

Results 11 - 20 of 63 for y_reshape (0.18 sec)

  1. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/unwrap_xla_call_module_op.mlir

        %0 = stablehlo.reshape %arg0 : (tensor<10x1x3xf32>) -> tensor<3x10xf32>
        return %0 : tensor<3x10xf32>
      }
      // CHECK: %[[RESHAPE:.*]] = stablehlo.reshape
      // CHECK-NEXT: return %[[RESHAPE]]
    
      // CHECK: @main_1
      func.func private @main_1(%arg0: tensor<3x10xf32>) -> tensor<6x5xf32> {
        %0 = stablehlo.reshape %arg0 : (tensor<3x10xf32>) -> tensor<6x5xf32>
        return %0 : tensor<6x5xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Feb 08 22:40:14 UTC 2024
    - 3.7K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/quantization/tensorflow/tests/prepare_quantize.mlir

    // CHECK-SAME: quant.uniform<i8:f32, 5.000000e-02:-10>
    // CHECK: %[[dq1:.*]] = "quantfork.dcast"(%[[q1]])
    // CHECK-SAME: quant.uniform<i8:f32, 5.000000e-02:-10>
    // CHECK: %[[reshape:.*]] = "tf.Reshape"(%[[dq1]]
    // CHECK: %[[q2:.*]] = "quantfork.qcast"(%[[reshape]])
    // CHECK-SAME: quant.uniform<i8:f32, 5.000000e-02:-10>
    // CHECK: %[[dq2:.*]] = "quantfork.dcast"(%[[q2]])
    // CHECK-SAME: quant.uniform<i8:f32, 5.000000e-02:-10>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Dec 29 02:42:57 UTC 2022
    - 2.1K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tfr/integration/node_expansion_test.py

        sq2 = gen_composite_ops.my_add_n([t1, t2])
        sq3 = gen_composite_ops.my_add_n([t1, t2, t3])
        self.assertAllEqual(sq1.numpy().reshape(-1), [1, 2, 3, 4])
        self.assertAllEqual(sq2.numpy().reshape(-1), [2, 4, 6, 8])
        self.assertAllEqual(sq3.numpy().reshape(-1), [3, 6, 9, 12])
    
      def testBiasedDense(self):
        t1 = constant_op.constant([[1.0, 2.0], [3.0, 4.0]])
        t2 = constant_op.constant([[1.0, 2.0], [3.0, 4.0]])
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Sep 28 21:37:05 UTC 2021
    - 3.9K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/experimental/tac/tests/e2e/simple-graph.mlir

      func.return %3 : tensor<2x1xf32>
    }
    
    // CHECK: %[[CST:.*]] = arith.constant dense<1> : tensor<4xi32>
    // CHECK:  [[VAL_0:%.*]] = "tfl.reshape"(%1, %[[CST]]) {tac.device = "GPU",  tac.inference_type = "FLOAT"} : (tensor<1xf32>, tensor<4xi32>) -> tensor<1x1x1x1xf32>
    // CHECK:  [[VAL_1:%.*]] = "tfl.reshape"(%2, %[[CST]]) {tac.device = "GPU",  tac.inference_type = "FLOAT"} : (tensor<1xf32>, tensor<4xi32>) -> tensor<1x1x1x1xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 1.6K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/quantization/tensorflow/tests/convert_tf_xla_op_to_tf_op.mlir

    // CHECK: %[[slice:.*]] = "tf.Slice"(%arg0, %[[tensor_scatter_update]], %[[arg2_i64]]) : (tensor<?x2xf32>, tensor<2xi64>, tensor<2xi64>) -> tensor<*xf32>
    // CHECK: %[[reshape:.*]] = "tf.Reshape"(%[[slice]], %[[cst_1]]) : (tensor<*xf32>, tensor<1xi64>) -> tensor<*xf32>
    // CHECK: return %[[reshape]] : tensor<*xf32>
    
    // -----
    
    // Tests that the converted `tf.Slice` has the correct number of dimensions
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 3.7K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/tests/compile_mlir_util/constant-folding.mlir

    // CHECK:         [[ARG1:%.*]] = f32[19,10]{1,0} get-tuple-element((f32[10,19]{1,0}, f32[19,10]{1,0}) %[[ARG_TUPLE]]), index=1
    // CHECK:         [[RESHAPE:%.*]] = f32[10,19]{1,0} reshape(f32[19,10]{1,0} [[ARG1]])
    // CHECK:         ROOT %tuple.{{[0-9]+}} = (f32[10,19]{1,0}) tuple(f32[10,19]{1,0} [[RESHAPE]])
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jul 25 02:54:34 UTC 2023
    - 1.5K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tfr/integration/graph_decompose_test.py

        sq1 = add([t1])
        sq2 = add([t1, t2])
        sq3 = add([t1, t2, t3])
        self.assertAllEqual(sq1.numpy().reshape(-1), [1, 2, 3, 4])
        self.assertAllEqual(sq2.numpy().reshape(-1), [2, 4, 6, 8])
        self.assertAllEqual(sq3.numpy().reshape(-1), [3, 6, 9, 12])
    
      def testBiasedDense(self):
        biased_dense = def_function.function(gen_composite_ops.my_biased_dense)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Sep 28 21:37:05 UTC 2021
    - 3.2K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tfr/examples/mnist/mnist_train.py

        max_pool2 = gen_mnist_ops.new_max_pool(conv2, 2, 2, 2, 2, 'SAME')
    
        # Reshape the feature map cuboid into a 2D matrix to feed it to the
        # fully connected layers.
        # output shape: [-1, 7*7*64]
        reshape = tf.reshape(max_pool2, [-1, flatten_size])
    
        # output shape: [-1, 1024]
        fc1 = gen_mnist_ops.new_fully_connected(reshape, self.weights['f3'],
                                                self.biases['b3'], 'RELU')
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Oct 20 03:05:18 UTC 2021
    - 6.5K bytes
    - Viewed (0)
  9. tensorflow/compiler/jit/tests/opens2s_gnmt_mixed_precision.golden_summary

     LogicalOr 1
     Max 41
     Minimum 1
     Mul 82
     Pack 3
     Reciprocal 2
     Reshape 2
     ReverseSequence 1
     Sqrt 1
     Sum 1
     Transpose 3
    cluster 1 size 86
     BroadcastGradientArgs 1
     Cast 5
     ConcatV2 1
     Const 30
     ExpandDims 3
     Less 1
     Mean 2
     Minimum 1
     Mul 3
     Pack 2
     Pad 1
     Range 1
     RealDiv 1
     Reshape 8
     Shape 7
     Size 1
     Slice 2
     Snapshot 5
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Jan 06 10:38:14 UTC 2023
    - 5K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tensorflow/g3doc/space_to_depth.md

        `tf.nn.space_to_depth`.
    
        ```python
        images = tf.reshape(images, [batch, h // block_size, block_size,
                                   w // block_size, block_size, c])
        images = tf.transpose(images, [0, 1, 3, 2, 4, 5])
        images = tf.reshape(images, [batch, h // block_size, w // block_size,
                                   c * (block_size ** 2)])
        ```
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Oct 24 02:51:43 UTC 2020
    - 8.3K bytes
    - Viewed (0)
Back to top