Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 27 for x1_shape (0.15 sec)

  1. tensorflow/cc/gradients/math_grad_test.cc

      auto y = Sub(scope_, x1, x2);
      RunTest({x1, x2}, {x1_shape, x2_shape}, {y}, {x1_shape});
    }
    
    TEST_F(NaryGradTest, Mul) {
      TensorShape x1_shape({3, 2, 5});
      TensorShape x2_shape({2, 5});
      auto x1 = Placeholder(scope_, DT_FLOAT, Placeholder::Shape(x1_shape));
      auto x2 = Placeholder(scope_, DT_FLOAT, Placeholder::Shape(x2_shape));
      auto y = Mul(scope_, x1, x2);
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Aug 25 18:20:20 UTC 2023
    - 36K bytes
    - Viewed (0)
  2. tensorflow/cc/gradients/array_grad_test.cc

      RunTest(x, x_shape, y, y_shape);
    }
    
    TEST_F(ArrayGradTest, DiagPartGrad) {
      TensorShape x_shape({5, 2, 5, 2});
      auto x = Placeholder(scope_, DT_FLOAT, Placeholder::Shape(x_shape));
      auto y = DiagPart(scope_, x);
      TensorShape y_shape({5, 2});
      RunTest(x, x_shape, y, y_shape);
    }
    
    TEST_F(ArrayGradTest, MatrixDiagGrad) {
      TensorShape x_shape({5, 2});
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 10 23:33:32 UTC 2023
    - 19.3K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tensorflow/ir/tf_ops_a_m.cc

      // https://www.tensorflow.org/api_docs/cc/class/tensorflow/ops/batch-mat-mul
      int64_t x_row_dim = x_shape[x_shape.size() - 2];
      int64_t x_col_dim = x_shape[x_shape.size() - 1];
      int64_t y_row_dim = y_shape[y_shape.size() - 2];
      int64_t y_col_dim = y_shape[y_shape.size() - 1];
      int64_t out_row_dim = output_shape[output_shape.size() - 2];
      int64_t out_col_dim = output_shape[output_shape.size() - 1];
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 146.7K bytes
    - Viewed (0)
  4. tensorflow/cc/framework/gradient_checker.cc

                                const std::vector<TensorShape>& x_shapes,
                                const OutputList& ys,
                                const std::vector<TensorShape>& y_shapes,
                                JAC_T* max_error) {
      if (xs.size() != x_shapes.size()) {
        return errors::InvalidArgument("xs(size ", xs.size(),
                                       ") and x_shapes(size ", x_shapes.size(),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 13 05:57:22 UTC 2024
    - 18.2K bytes
    - Viewed (0)
  5. tensorflow/compiler/jit/xla_tpu_device.cc

        XlaLayoutPreference layout_preference) {
      xla::Shape xla_shape;
      TF_RETURN_IF_ERROR(
          tensorflow::TensorShapeToXLAShape(type, shape, &xla_shape));
      ApiConverter::StackHelper<XLA_Shape> se_shape(xla_shape);
      ApiConverter::StackHelper<XLA_Shape> tpu_shape;
      StatusHelper status;
      stream_executor::tpu::ExecutorApiFn()->XlaShapeToTpuShapeRepresentationFn(
          &se_shape.value, type, use_fast_memory, &tpu_shape.value,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 28 22:53:47 UTC 2024
    - 20.9K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test_base.py

              contracting_dims.add(c)
          x_signature = [
              None if c not in contracting_dims else x_shape[cidx]
              for cidx, c in enumerate(x_labels)
          ]
          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,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 18.2K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/tensorflow/python/integration_test/quantize_model_test_base.py

          x_signature = [
              None if c not in contracting_dims else x_shape[cidx]
              for cidx, c in enumerate(x_labels)
          ]
          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,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Mar 21 08:51:46 UTC 2024
    - 51.2K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/stablehlo/tests/unfuse_mhlo_batch_norm.mlir

      // CHECK-DAG: %[[RHS:.+]] = mhlo.subtract %[[OFFSET]], %[[MUL_MEAN]] : tensor<?xf32>
      // CHECK-DAG: %[[X_SHAPE:.+]] = shape.shape_of %[[X]] : tensor<?x?x?x?xf32> -> tensor<4xindex>
      // CHECK-DAG: %[[MULTIPLIER_BCAST:.+]] = "mhlo.dynamic_broadcast_in_dim"(%[[MULTIPLIER]], %[[X_SHAPE]]) <{broadcast_dimensions = dense<1> : tensor<1xi64>}> : (tensor<?xf32>, tensor<4xindex>) -> tensor<?x?x?x?xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 06 15:32:52 UTC 2024
    - 10.4K bytes
    - Viewed (0)
  9. tensorflow/compiler/jit/pjrt_tensor_buffer_util_test.cc

      std::vector<int32_t> data{1, 2, 3, 4, 5, 6};
      xla::Shape xla_shape = xla::ShapeUtil::MakeShape(xla::S32, dimensions);
      TF_ASSERT_OK_AND_ASSIGN(
          auto pjrt_buffer,
          pjrt_client->BufferFromHostBuffer(
              data.data(), xla_shape.element_type(), xla_shape.dimensions(),
              /*byte_strides=*/std::nullopt,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Sep 14 18:14:47 UTC 2023
    - 2.7K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/quantization/tensorflow/python/integration_test/quantize_model_test.py

          has_bias: bool,
          use_kernel: bool,
      ):
        n = 5
        x_shape = [v if v is not None else n for v in shapes[0]]
        y_shape = [v if v is not None else n for v in shapes[1]]
    
        class MatmulModel(module.Module):
    
          def __init__(self, bias: Optional[core.Tensor]):
            self._bias = bias
            self._kernel = np.random.uniform(size=y_shape).astype('f4')
            self._min = (-0.8, -0.8, -0.9)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 17 03:36:50 UTC 2024
    - 235.6K bytes
    - Viewed (0)
Back to top