Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 24 for input_tensor (0.25 sec)

  1. tensorflow/compiler/mlir/quantization/tensorflow/python/representative_dataset_test.py

            inputs={'input_tensor': meta_graph_pb2.TensorInfo(name='input:0')}
        )
    
        with self.session():
          input_tensor = constant_op.constant([1, 2, 3, 4, 5, 6])
          sample = {'input_tensor': input_tensor}
    
          feed_dict = repr_dataset.create_feed_dict_from_input_data(
              sample, signature_def
          )
          input_tensor_data = input_tensor.eval()
    
        self.assertLen(feed_dict, 1)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jan 04 07:35:19 UTC 2024
    - 11.6K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/utils/convert_tensor.cc

      return ElementsAttr(DenseStringElementsAttr::get(type, string_refs));
    }
    
    absl::StatusOr<ElementsAttr> ConvertTensor(const Tensor& input_tensor,
                                               Builder* builder) {
      const auto& input_dtype = input_tensor.dtype();
      const auto& input_shape = input_tensor.shape();
      Type elt_type;
      TF_RETURN_IF_ERROR(ConvertDataType(input_dtype, *builder, &elt_type));
      SmallVector<int64_t, 4> shape;
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Apr 26 09:37:10 UTC 2024
    - 20.5K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test_base.py

            pass
    
          @def_function.function
          def add(self, input_tensor: core.Tensor) -> Mapping[str, core.Tensor]:
            """Performs an add operation.
    
            Args:
              input_tensor: Input tensor to perform add on.
    
            Returns:
              A map of: output key -> output result.
            """
            out = math_ops.add(input_tensor, input_tensor)
            return {'output': out}
    
        model = AddModel()
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 18.2K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/transforms/post_quantize.cc

          // Write the value from `input_tensor` if it is the last axis or
          // recurse into the next axis.
          const bool is_last_axis = output_axis == num_dimensions - 1;
          if (is_last_axis) {
            new_values->push_back(
                input_tensor.getValues<Attribute>()[*input_indices]);
          } else {
            ComputePermutation(input_tensor, perm, output_shape, num_dimensions,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 17.1K 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/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)
  9. 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)
  10. tensorflow/compiler/jit/pjrt_device_context.cc

        result_tensor->SetBuffer(std::move(*buffer_or));
      }
      pjrt_buffer->GetReadyFuture().OnReady(std::move(done));
    }
    
    void PjRtDeviceContext::CopyTensorInSameDevice(const Tensor* input_tensor,
                                                   Device* device,
                                                   Tensor* output_tensor,
                                                   StatusCallback done) const {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 13 08:49:31 UTC 2024
    - 11.6K bytes
    - Viewed (0)
Back to top