Search Options

Results per page
Sort
Preferred Languages
Advance

Results 51 - 60 of 66 for tensorproto (0.09 sec)

  1. tensorflow/compiler/mlir/quantization/tensorflow/python/integration_test/quantize_model_test.py

        return output_values
    
      def _read_tensor_array_file(self, file_path):
        tensor_protos = []
        for raw_record in tf_record.tf_record_iterator(file_path, options='ZLIB'):
          tensor_protos.append(
              tensorflow.make_ndarray(tensor_pb2.TensorProto.FromString(raw_record))
          )
        return np.array(tensor_protos)
    
      @parameterized.named_parameters(
          {
              'testcase_name': 'none',
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 17 03:36:50 UTC 2024
    - 235.6K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/lite/tests/flatbuffer2mlir/constants_offset.mlir

      func.return %0 : tensor<4xi1>
    }
    
    func.func @complex64() -> tensor<4xcomplex<f32>> {
      // CHECK-LABEL: @complex64
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 12.1K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tensorflow/tests/graphdef2mlir/quint8-const.pbtxt

            tensor_shape {
            }
            int_val: 7
          }
        }
      }
    }
    library {
    }
    versions {
      producer: 70
    }
    
    # CHECK: tf.Const
    # CHECK-SAME: value = #tf_type<tensor_proto : "{{0[xX][0-9a-fA-F]*}}"> : tensor<!tf_type.quint8>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Aug 05 09:05:10 UTC 2022
    - 639 bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/tests/flatbuffer2mlir/constants.mlir

      func.return %0 : tensor<4xi1>
    }
    
    func.func @complex64() -> tensor<4xcomplex<f32>> {
      // CHECK-LABEL: @complex64
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 12.1K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/quantization/stablehlo/tests/bridge/convert_tf_quant_ops_to_mhlo.mlir

      %input_zps = "tf.Const"() { value = dense<4> : tensor<i32> } : () -> tensor<i32>
    
      // tensor_proto that points to dense<127> of type !tf_type.qint32.
      // CHECK-DAG: %[[RHS:.*]] = mhlo.constant() <{value = dense<127> : tensor<2xi32>}> : () -> tensor<2x!quant.uniform<i32:f32, 2.000000e+00:4>>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 06 15:32:52 UTC 2024
    - 7.2K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/tests/mlir2graphdef/simple.mlir

      tf_executor.graph {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Aug 05 09:05:10 UTC 2022
    - 1.2K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/lite/tests/mlir2flatbuffer/variant_type_on_op.mlir

    // CHECK-NEXT:   } ],
    // CHECK-NEXT:   signature_defs: [  ]
    // CHECK-NEXT: }
    func.func @main() -> tensor<!tf_type.variant<tensor<2xi32>>> {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Aug 16 20:36:14 UTC 2022
    - 1.8K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tfrt/tests/mlrt/inline.mlir

    }
    
    // CHECK-LABEL: func @while_test_if
    // CHECK-SAME: -> !tf_mlrt.tensor
    func.func @while_test_if(%cond: tensor<i1>, %x: tensor<i1>, %y: tensor<i1>) -> (tensor<i32>) {
      // CHECK: [[CONST:%.*]] = tf_mlrt.constop {tensor_proto = "\08\03\12\00"}
      %cst = "tf.Const"() {__op_key = 2: i32, device = "/device:CPU:0", value = dense<0> : tensor<i32>} : () -> tensor<i32>
      // Predicate should be inlined.
      // CHECK-NEXT: tf_mlrt.predicate
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Mar 22 01:01:31 UTC 2024
    - 2.3K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/tensorflow/cc/const_op_size_test.cc

      EXPECT_THAT(num_bytes, Eq(23));
    }
    
    TEST_F(GetSizeInBytesTest, ConstOpWithUnknownSizeAssumes4BytesPerElement) {
      constexpr absl::string_view kConstOpExpr = R"mlir(
        %cst = "tf.Const"() {value = #tf_type<tensor_proto : "0xDEADBAAD"> : tensor<!tf_type.variant>} : () -> tensor<!tf_type.variant>
      )mlir";
    
      Block block{};
      TF::ConstOp int_tensor_const_op = ParseConstOp(kConstOpExpr, block, ctx_);
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Dec 14 04:37:13 UTC 2022
    - 5.4K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/quantization/tensorflow/python/representative_dataset.py

            sample_proto = _RepresentativeDataSample.FromString(
                sample_bytes.numpy()
            )
            sample = {}
            for input_key, tensor_proto in sample_proto.tensor_proto_inputs.items():
              sample[input_key] = tensor_util.MakeNdarray(tensor_proto)
            samples.append(sample)
        return samples
    
      def load(self) -> RepresentativeDatasetMapping:
        """Loads the representative datasets.
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Mar 22 22:55:22 UTC 2024
    - 14.2K bytes
    - Viewed (0)
Back to top