Search Options

Results per page
Sort
Preferred Languages
Advance

Results 11 - 20 of 50 for input_tensor (0.2 sec)

  1. tensorflow/compiler/mlir/lite/tests/flatbuffer2mlir/importer_test_min_max.cc

            // inject min/max to the input and output tensors
            auto& input_tensor = sub_graph->tensors[op->inputs[0]];
            input_tensor->quantization->scale.clear();
            input_tensor->quantization->zero_point.clear();
            input_tensor->quantization->min.push_back(-1.0);
            input_tensor->quantization->max.push_back(1.0);
    
            auto& output_tensor = sub_graph->tensors[op->outputs[0]];
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 21 18:21:50 UTC 2024
    - 6.8K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/quantization/tensorflow/python/integration_test/quantize_model_test_base.py

                  tensor_spec.TensorSpec(
                      shape=[None], dtype=input_type, name='input_tensor'
                  )
              ]
          )
          def model(self, input_tensor: core.Tensor) -> Mapping[str, core.Tensor]:
            """Performs a gather and a 2D convolution operation.
    
            Args:
              input_tensor: Input tensor to perform operation on.
    
            Returns:
    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/tensorflow/utils/convert_tensor.h

    absl::StatusOr<mlir::ElementsAttr> ConvertTensorProto(
        const TensorProto& input_tensor, mlir::Builder* builder);
    
    // Converts an TensorFlow tensor into an MLIR elements attribute.
    absl::StatusOr<mlir::ElementsAttr> ConvertTensor(const Tensor& input_tensor,
                                                     mlir::Builder* builder);
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Apr 26 09:37:10 UTC 2024
    - 2.9K bytes
    - Viewed (0)
  4. tensorflow/compiler/jit/pjrt_device_context.h

                                 absl::string_view tensor_name, Device* device,
                                 Tensor* cpu_tensor, StatusCallback done) override;
      void CopyTensorInSameDevice(const Tensor* input_tensor, Device* device,
                                  Tensor* output_tensor,
                                  StatusCallback done) const override;
    
      bool use_pjrt_tensor_buffer() const { return use_pjrt_tensor_buffer_; }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jul 19 19:27:39 UTC 2023
    - 2.7K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/replace_stablehlo_ops_in_main_function_with_xla_call_module_ops.mlir

      // CHECK: %[[CONSTANT_1:.*]] = stablehlo.constant dense<1.000000e+03> : tensor<1x64xf32>
      // CHECK: return
      // CHECK: }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 01:09:50 UTC 2024
    - 39.8K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/stablehlo/cc/saved_model_export_test.cc

        module attributes {tf_saved_model.semantics} {
          func.func @main(%arg: tensor<1x2xf32> {tf_saved_model.index_path = ["input_tensor:0"]}) -> (tensor<1x2xf32> {tf_saved_model.index_path = ["output_tensor:0"]}) attributes {tf.entry_function = {inputs = "input_tensor:0", outputs = "output_tensor:0"}, tf_saved_model.exported_names = ["main"]} {
            %0 = tf_executor.graph {
              tf_executor.fetch %arg : tensor<1x2xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Mar 20 11:11:25 UTC 2024
    - 19.6K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/common/attrs_and_constraints_test.cc

          return %2 : tensor<1x3xf32>
        }
      }
    )mlir";
    
    constexpr absl::string_view kModuleXlaCallModule = R"mlir(
      module {
        func.func @main(%arg0: tensor<?x2xf32> {tf_saved_model.index_path = ["input_tensor"]}) -> (tensor<?x2xf32>) {
          %0 = stablehlo.constant dense<[-0.211145893, -0.708605706]> : tensor<2xf32>
          %1 = stablehlo.constant dense<[[-0.630731344, 0.54962182], [0.180364341, -0.764542698]]> : tensor<2x2xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 17:10:32 UTC 2024
    - 22.9K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/quantization/lite/quantize_model_test.cc

      ASSERT_THAT(weights_zero_points, SizeIs(out_channel_size));
      ASSERT_THAT(input_tensor->quantization->scale, SizeIs(1));
      ASSERT_THAT(output_tensor->quantization->scale, SizeIs(1));
    
      const float eps = 1e-7;
    
      // Bias scale should be input * per_channel_weight_scale.
      for (size_t i = 0; i < out_channel_size; i++) {
        EXPECT_THAT(bias_scales[i], FloatNear(input_tensor->quantization->scale[0] *
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jun 12 23:15:24 UTC 2024
    - 73.9K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/common/lift_as_function_call_test.cc

    }
    constexpr absl::string_view kModuleDotWeightOnlyPtq = R"mlir(
      module {
        func.func @main(%arg0: tensor<?x2xf32> {tf_saved_model.index_path = ["input_tensor"]}) -> (tensor<?x2xf32>) {
          %0 = stablehlo.constant dense<[-0.211145893, -0.708605706]> : tensor<2xf32>
          %1 = stablehlo.constant dense<[[-0.630731344, 0.54962182], [0.180364341, -0.764542698]]> : tensor<2x2xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 10 04:07:09 UTC 2024
    - 26.2K bytes
    - Viewed (0)
  10. tensorflow/c/c_api_experimental.cc

        for (int i = 0; i < num_inputs; ++i) {
          if (input_tensors[i] == nullptr) continue;
          all_input_tensors.emplace_back();
          Tensor& input_tensor = all_input_tensors.back();
          status->status = TF_TensorToTensor(input_tensors[i], &input_tensor);
          if (!status->status.ok()) return;
          input_tensors_vector[i] = &input_tensor;
        }
      }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 15 03:35:10 UTC 2024
    - 29.4K bytes
    - Viewed (0)
Back to top