
    hh              6          d Z ddlZddlZddlmZ ddlZddlmZ ddlm	Z
 ddlmZ ddlmZ ddlmZ dd	lmZ dd
lmZ ddlmZ ddlmZ ddlmZ ddlmZ ddlmZ ddlmZ ddlmZ ddl m!Z! ddl"m#Z# ddl"m$Z$ ddl%m&Z& ddl'm(Z) dejT                  de+fdZ,	 d9de#jZ                  de.dej^                  fdZ0	 d9de#jZ                  de.dej^                  fdZ1d Z2 e)d        G d! d"ejf                               Z4 eejj                  ejl                        d#d#ejn                  e#jp                  e#jp                  d#d#ddd#d#dfd$       Z9 eejj                  ejt                        d%        Z;d& Z<	 	 d:d'e
jz                  dejT                  d(ee.   d)ee.   fd*Z>	 	 	 	 	 	 d;d+Z?e#jp                  dej                  ej                  dd,d#d#d#d#dd#dddd#d,d#d#d,d#dd#d#dd#d#dd#d#d#d#d#d#d#ddddddddddd#d#dd#d#d#ej                  d,d#f6d-eej                     d.eej                     fd/ZE eej                  ej                        d0        ZH eej                  ej                        d1        ZI eej                  ej                        d2        ZK eej                  ej                        d3        ZM e)d4g5       e&j                  dd6      d7               ZOd8 ZPy)<z1Converts a frozen graph into a TFLite FlatBuffer.    N)Optional)converter_flags_pb2)model_flags_pb2)	types_pb2)converter_error_data_pb2)wrap_converter)quantization_config_pb2)quantization_options_pb2)lite_constants)util)	Component)convert_phase)ConverterError)SubComponent)metrics_wrapper)flatbuffer_utils)dtypes)tensor_shape)deprecation)	tf_exportconversion_flagsreturnc                     t         j                  t         j                  g}| j                  |v xs | j                  |v xr | j
                   S )a7  Checks if the `quantized_input_stats` flag is required for conversion.

  Args:
    conversion_flags: A protocol buffer describing the conversion process.

  Returns:
    True, if the `inference_type` or the `inference_input_type` is a quantized
    type and it is not post training quantization, else False.
  )
_types_pb2QUANTIZED_UINT8QUANTIZED_INT8inference_typeinference_input_typepost_training_quantize)r   quantized_inference_typess     \/var/www/html/dev/engine/venv/lib/python3.12/site-packages/tensorflow/lite/python/convert.py"_is_quantized_input_stats_requiredr"   ,   s\       
 %%)BB L		.	.2K	K
4 3334     tf_typeusagec                    t         j                  t        j                  t         j                  t        j
                  t         j                  t        j                  t         j                  t        j                  t         j                  t        j                  t         j                  t        j                  t         j                  t        j                  t         j                   t        j"                  t         j$                  t        j&                  t         j(                  t        j*                  t         j,                  t        j.                  t         j0                  t        j2                  t         j4                  t        j6                  t         j8                  t        j:                  t         j<                  t        j>                  i}|jA                  |       }|tC        djE                  | |            |S )a'  Convert tensor type from tf type to tflite type.

  Args:
    tf_type: TensorFlow type.
    usage: Text describing the reason for invoking this function.

  Raises:
    ValueError: If `tf_type` is unsupported.

  Returns:
    tflite_type: TFLite type. Refer to compiler/mlir/lite/types.proto.
  6Unsupported TensorFlow type `{0}` provided for the {1})#r   float16r   FLOAT16float32FLOATfloat64FLOAT64int8INT8int16INT16uint16UINT16int32INT32int64INT64uint8UINT8uint32UINT32uint64UINT64stringSTRINGboolBOOL	complex64	COMPLEX64
complex128
COMPLEX128get
ValueErrorformatr%   r&   mappingtflite_types       r!   %convert_tensor_tf_type_to_tflite_typerM   B   s*     nnj((nnj&&nnj((kk:??llJ$$mmZ&&llJ$$llJ$$llJ$$mmZ&&mmZ&&mmZ&&kk:??
,,..'" G$+
@GGU	
 
 
r#   c                 V   t         j                  t        j                  t         j                  t        j
                  t         j                  t        j                  t         j                  t        j                  i}|j                  |       }|t        dj                  | |            |S )a*  Convert inference type from tf type to tflite type.

  Args:
    tf_type: TensorFlow type.
    usage: Text describing the reason for invoking this function.

  Raises:
    ValueError: If `tf_type` is unsupported.

  Returns:
    tflite_type: TFLite type. Refer to compiler/mlir/lite/types.proto.
  r(   )r   r+   r   r,   r9   r   r/   r   r1   QUANTIZED_INT16rG   rH   rI   rJ   s       r!   (convert_inference_tf_type_to_tflite_typerP   n   s      nnj&&llJ..kk:,,llJ..	' G$+
@GGU	
 
 
r#   c                 p    | yt        | t              r	 | j                  d      S | S # t        $ r Y | S w xY w)Nr$   zutf-8)
isinstancebytesdecodeUnicodeDecodeError)outputs    r!   _try_convert_to_unicoderW      sH    ^]]7## 
-  
	-s   ( 	55zlite.OpsSetc                   :    e Zd ZdZdZdZdZdZdZd Z	e
d        Zy	)
OpsSetzEnum class defining the sets of ops available to generate TFLite models.

  WARNING: Experimental interface, subject to change.
  TFLITE_BUILTINSSELECT_TF_OPSTFLITE_BUILTINS_INT8;EXPERIMENTAL_TFLITE_BUILTINS_ACTIVATIONS_INT16_WEIGHTS_INT8EXPERIMENTAL_STABLEHLO_OPSc                 ,    t        | j                        S N)strvalue)selfs    r!   __str__zOpsSet.__str__   s    tzz?r#   c                  X    t        t              D  cg c]  } t        |        c} S c c} w )z6Returns a list of OpsSet options as a list of strings.)listrY   ra   )options    r!   get_optionszOpsSet.get_options   s      '+6l3FCK333s   'N)__name__
__module____qualname____doc__rZ   r[   r\   r]   r^   rd   staticmethodrh    r#   r!   rY   rY      sI     &/ "-
 0 D >  < 4 4r#   rY   Fc                 h    t        j                  | |||t        |      t        |      ||||	|
||      S )a  Quantize `input_data_str` with calibration results.

  Args:
    input_data_str: Input data in serialized form (e.g. a TFLITE model with
      calibration results).
    disable_per_channel: Bool indicating whether to do per-channel or per-tensor
      quantization
    fully_quantize: Bool indicating whether to fully quantize the model. Besides
      model body, the input/output will be quantized as well.
    inference_type: Data type for the activations. The default value is int8.
    input_data_type: Data type for the inputs. The default value is float32.
    output_data_type: Data type for the outputs. The default value is float32.
    enable_numeric_verify: Experimental. Subject to change. Bool indicating
      whether to add NumericVerify ops into the debug mode quantized model.
    enable_whole_model_verify: Experimental. Subject to change. Bool indicating
      whether to add verification for layer by layer, or on whole model. When
      disabled (per-layer) float and quantized ops will be run from same input
      (output of previous quantized layer). When enabled, float and quantized
      ops will run with respective float and quantized output of previous ops.
    denylisted_ops: Experimental. Subject to change. Set of ops to denylist.
    denylisted_nodes: Experimental. Subject to change. Set of notes to denylist.
    enable_variable_quantization: Experimental. Subject to change. Bool
      indicating whether to enable quantization of the residual variables
      remaining after the variable freezing pass.
    disable_per_channel_for_dense_layers: Bool indicating whether to do
      per-channel or per-tensor quantization in Fully Connected layers. Default
      value is False meaning per-channel quantization is enabled.
    debug_options_str: Serialized proto describing TFLite converter debug
      options, see `debug/debug_options.proto`.

  Returns:
    Quantized model in serialized form (e.g. a TFLITE model) with floating-point
    inputs and outputs.
  )r   "wrapped_experimental_mlir_quantizerM   )input_data_strdisable_per_channelfully_quantizer   input_data_typeoutput_data_typeenable_numeric_verifyenable_whole_model_verifydenylisted_opsdenylisted_nodesenable_variable_quantization$disable_per_channel_for_dense_layersdebug_options_strs                r!   mlir_quantizer}      sJ    d 
	:	:+O<+,<="*
 r#   c                 ,    t        j                  |       S )zSparsify `input_data_str` to encode sparse tensor with proper format.

  Args:
    input_data_str: Input data in serialized form (e.g. a TFLITE model).

  Returns:
    Sparsified model in serialized form (e.g. a TFLITE model).
  )r   "wrapped_experimental_mlir_sparsify)rq   s    r!   mlir_sparsifyr     s     
	:	:>	JJr#   c                 ,    t        j                  |       S )a  Register the given custom opdefs to the TensorFlow global op registry.

  Args:
    custom_opdefs_list: String representing the custom ops OpDefs that are
      included in the GraphDef.

  Returns:
    True if the registration is successfully completed.
  )r   wrapped_register_custom_opdefs)custom_opdefs_lists    r!   register_custom_opdefsr     s     
	6	67I	JJr#   model_flagsrq   debug_info_strc                    	 t        j                  | j                         |j                         ||      S # t        $ r}t	        t        |            }t        j                         D ]c  }|j                  |       |j                  t        j                  j                  k(  s<|j                  rId|_        t        | |||      c cY d}~S  |d}~ww xY w)a  Converts `input_data_str` to a TFLite model.

  Args:
    model_flags: Proto describing model properties, see `model_flags.proto`.
    conversion_flags: Proto describing conversion properties, see
      `compiler/mlir/lite/converter_flags.proto`.
    input_data_str: Input data in serialized form (e.g. a graphdef is common, or
      it can be hlo text or proto)
    debug_info_str: Serialized `GraphDebugInfo` proto describing logging
      information.

  Returns:
    Converted model in serialized form (e.g. a TFLITE model is common).
  Raises:
    ConverterError: When conversion fails in TFLiteConverter, usually due to
      ops not being supported.
  TN)r   wrapped_convertSerializeToString	Exceptionr   ra   _metrics_wrapperretrieve_collected_errorsappend_error
error_coder   ConverterErrorData+ERROR_STATEFUL_PARTITIONED_CALL_IN_FINAL_IRguarantee_all_funcs_one_useconvert)r   r   rq   r   econverter_error
error_datas          r!   r   r   (  s    0))%%'**,	  
 $SV,O&@@B 

"":. 

%88dde">>7;4	
 	

( /s-   36 	CA#C#C0CCCCc                     t        j                         }| |_        ||_        |r||_        ||_        |r|j                  j                  |       |r|j                  j                  |       |S )a  Builds the model flags object from params.

  Args:
    change_concat_input_ranges: Boolean to change behavior of min/max ranges for
      inputs and outputs of the concat operator for quantized models. Changes
      the ranges of concat operator overlap when true. (default False)
    allow_nonexistent_arrays: Allow specifying array names that don't exist or
      are unused in the final graph. (default False)
    saved_model_dir: Filepath of the saved model to be converted. This value
      will be non-empty only when the saved model import path will be used.
      Otherwises, the graph def-based conversion will be processed.
    saved_model_version: SavedModel file format version of The saved model file
      to be converted. This value will be set only when the SavedModel import
      path will be used.
    saved_model_tags: Set of string saved model tags, formatted in the
      comma-separated value. This value will be set only when the SavedModel
      import path will be used.
    saved_model_exported_names: Names to be exported (default: export all) when
      the saved model import path is on. This value will be set only when the
      SavedModel import path will be used.

  Returns:
    model_flags: protocol buffer describing the model.
  )	_model_flags_pb2
ModelFlagschange_concat_input_rangesallow_nonexistent_arrayssaved_model_dirsaved_model_versionsaved_model_tagsextendsaved_model_exported_names)r   r   r   r   r   r   _r   s           r!   build_model_flagsr   a  sl    B !++-++E+()A+&"1K$7+!  ''(89**112LM	r#   Tquantization_optionsquantization_configc6                 |   t        j                         }7t        | d      |7_        |rt        |d      |7_        n|7j                  |7_        ||7_        ||7_        |r|d   |7_        |d   |7_        ||7_	        ||7_
        ||7_        ||7_        |	|7_        |
r|
|7_        ||7_        |rt         j"                  |v rd|7_        t'        |      t         j"                  hk(  rd|7_        t         j*                  |v rd|7_        t         j*                  |v rt/        |      dkD  rt1        d      |r||7_        |r|7j4                  j7                  |       ||7_        ||7_        ||7_        ||7_        ||7_         ||7_!        |rtE        |d      |7_#        ||7_$        ||7_%        |r|7jL                  j7                  |       ||7_'        ||7_(        ||7_)        ||7_*        | |7_+        |r||7_,        ||7_-        ||7_.        |!|7_/        |"|7_0        |#r|7jb                  je                  |#       |,r|7jf                  je                  |,       |$|$|7jh                  _5        |%|%|7jh                  _6        |&|&|7jh                  _7        |'|'|7jh                  _8        |(|(|7jh                  _9        |)|)|7jh                  _:        |*|*|7jh                  _;        |+|+|7jh                  _<        |-|-|7_=        |.|.|7_>        |/|/|7_?        |0|7_@        |1|7_A        |2|7_B        t         j                  j                  j                  |3      |7_E        |4|7_F        |5|7_G        |7S )	a#  Builds protocol buffer describing a conversion of a model.

  Typically this is to convert from TensorFlow GraphDef to TFLite, in which
  case the default `input_format` and `output_format` are sufficient.

  Args:
    inference_type: Data type of numeric arrays, excluding the input layer.
      (default tf.float32, must be in {tf.float32, tf.int8, tf.uint8})
    inference_input_type: Data type of the numeric arrays in the input layer. If
      `inference_input_type` is in {tf.int8, tf.uint8}, then
      `quantized_input_stats` must be provided. (default is the value assigned
      to `inference_type`, must be in {tf.float32, tf.int8, tf.uint8})
    input_format: Type of data to read. (default TENSORFLOW_GRAPHDEF, must be in
      {TENSORFLOW_GRAPHDEF})
    output_format: Output file format. (default TFLITE, must be in {TFLITE,
      GRAPHVIZ_DOT})
    default_ranges_stats: Tuple of integers representing (min, max) range values
      for all arrays without a specified range. Intended for experimenting with
      quantization via "dummy quantization". (default None)
    drop_control_dependency: Boolean indicating whether to drop control
      dependencies silently. This is due to TFLite not supporting control
      dependencies. (default True)
    reorder_across_fake_quant: Boolean indicating whether to reorder FakeQuant
      nodes in unexpected locations. Used when the location of the FakeQuant
      nodes is preventing graph transformations necessary to convert the graph.
      Results in a graph that differs from the quantized training graph,
      potentially causing differing arithmetic behavior. (default False)
    allow_custom_ops: Boolean indicating whether to allow custom operations.
      When false any unknown operation is an error. When true, custom ops are
      created for any op that is unknown. The developer will need to provide
      these to the TensorFlow Lite runtime with a custom resolver. (default
      False)
    post_training_quantize: Boolean indicating whether to quantize the weights
      of the converted float model. Model size will be reduced and there will be
      latency improvements (at the cost of accuracy). (default False) If
      quantization_options is set, all quantization arg will be ignored.
    quantize_to_float16: Boolean indicating whether to convert float buffers to
      float16. (default False)
    dump_graphviz_dir: Full filepath of folder to dump the graphs at various
      stages of processing GraphViz .dot files. Preferred over
      --output_format=GRAPHVIZ_DOT in order to keep the requirements of the
      output file. (default None)
    dump_graphviz_video: Boolean indicating whether to dump the graph after
      every graph transformation. (default False)
    target_ops: Experimental flag, subject to change. Set of OpsSet options
      indicating which converter to use. (default set([OpsSet.TFLITE_BUILTINS]))
    conversion_summary_dir: A string, the path to the generated conversion logs.
    select_user_tf_ops: List of user's defined TensorFlow ops need to be
      supported in the TensorFlow Lite runtime. These ops will be supported as
      select TensorFlow ops.
    allow_all_select_tf_ops: If True, automatically add all TF ops (including
      custom TF ops) to the converted model as flex ops.
    enable_tflite_resource_variables: Experimental flag, subject to change.
      Enables conversion of resource variables. (default False)
    unfold_batchmatmul: Whether to unfold tf.BatchMatMul to a set of
      tfl.fully_connected ops. If not, translate to tfl.batch_matmul.
    legalize_custom_tensor_list_ops: Whether to legalize `tf.TensorList*` ops to
      tfl custom if they can all be supported.
    lower_tensor_list_ops: Whether to lower tensor list ops to builtin ops. If
      not, use Flex tensor list ops.
    default_to_single_batch_in_tensor_list_ops: Whether to force to use batch
      size one when the tensor list ops has the unspecified batch size.
    accumulation_type: Data type of the accumulators in quantized inference.
      Typically used for float16 quantization and is either fp16 or fp32.
    allow_bfloat16: Whether the converted model supports reduced precision
      inference with the bfloat16 type.
    unfold_large_splat_constant: Whether to unfold large splat constant tensors
      in the flatbuffer model to reduce size.
    supported_backends: List of TFLite backends which needs to check
      compatibility.
    disable_per_channel_quantization: Disable per-channel quantized weights for
      dynamic range quantization. Only per-tensor quantization will be used.
    enable_mlir_dynamic_range_quantizer: Enable MLIR dynamic range quantization.
      If False, the old converter dynamic range quantizer is used.
    tf_quantization_mode: Indicates the mode of TF Quantization when the output
      model is used for TF Quantization.
    disable_infer_tensor_range: Disable infering tensor ranges.
    use_fake_quant_num_bits: Allow quantization parameters to be calculated from
      num_bits attribute.
    enable_dynamic_update_slice: Enable to convert to DynamicUpdateSlice op.
      (default: False).
    preserve_assert_op: Whether to preserve `TF::AssertOp` (default: False).
    guarantee_all_funcs_one_use: Whether to clone functions so that each
      function only has a single use. This option will be helpful if the
      conversion fails when the `PartitionedCall` or `StatefulPartitionedCall`
      can't be properly inlined (default: False).
    enable_mlir_variable_quantization: Enable MLIR variable quantization. There
      is a variable freezing pass, but some variables may not be fully frozen by
      it. This flag enables quantization of those residual variables in the MLIR
      graph.
    disable_fuse_mul_and_fc: Disable fusing input multiplication with
      fullyconnected operations. Useful when quantizing weights.
    quantization_options: [Deprecated] Config to indicate quantization options
      of each components (ex: weight, bias, activation). This can be a preset
      method or a custom method, and allows finer, modular control. This option
      will override any other existing quantization flags. We plan on gradually
      migrating all quantization-related specs into this option.
    ir_dump_dir: A string specifying the target directory to output MLIR dumps
      produced during conversion. If populated, enables MLIR dumps.
    ir_dump_pass_regex: A string containing a regular expression for filtering
      the pass names to be dumped. Effective only if `ir_dump_dir` is populated.
    ir_dump_func_regex: A string containing a regular expression for filtering
      the function names to be dumped. Effective only if `ir_dump_dir` is
      populated.
    enable_timing: A boolean, if set to true reports the execution time of each
      MLIR pass.
    print_ir_before: A string containing a regular expression. If specified,
      prints MLIR before passes which match.
    print_ir_after: A string containing a regular expression. If specified,
      prints MLIR after passes which match.
    print_ir_module_scope: A boolean, if set to true always print the top-level
      operation when printing IR for print_ir_[before|after].
    elide_elementsattrs_if_larger: An int, if specified elides ElementsAttrs
      with '...' that have more elements than the given upper limit.
    quantization_config: Configures the StableHLO Quantizer. See the comments in
      `QuantizationConfig` protobuf definition for details.
    use_buffer_offset: Force the model use buffer_offset & buffer_size fields
      instead of data. i.e. store the constant tensor and custom op binaries
      outside of Flatbuffers
    reduce_type_precision: Convert some tensor types to a lower precision if all
      values within that tensor are within the range of the lower precision.
      This could have side effects e.g. reduced flatbuffer size.
    qdq_conversion_mode: If set, assume input model is a quantized model
      represented with QDQ ops and convert to quantized kernels.
    strict_qdq_mode: If set, adheres to the QDQ annotations added by the
      framework when possible rather than quantizing any op that is possible to
      quantize.
    disable_per_channel_quantization_for_dense_layers: If set, disables per
      channel end enables per tensor integer quantization for weights in Dense
      layers. The flag works only for integer quantized model.
    enable_composite_direct_lowering: If set, attempts to lower composite ops
      directly to tflite ops.
    model_origin_framework: A str specifying the framework of the original
      model. Can be {TENSORFLOW, KERAS, JAX, PYTORCH}
    canonicalizing_inf_as_min_max_float: When set to true, convert +Inf/-Inf to
      MIN/MAX float value and output of converter only contains finite values.
    serialize_debug_metadata: When set to true, serialize debug metadata in the
      flatbuffer.

  Returns:
    conversion_flags: protocol buffer describing the conversion process.
  Raises:
    ValueError, if the input tensor type is unknown.
  zinference_type flagr&   zinference_input_type flagr      TzBStableHLO Ops set can not be specified with other Ops set togetherzaccumulation_type flag)H_conversion_flags_pb2ConverterFlagsrP   r   r   input_formatoutput_formatdefault_ranges_mindefault_ranges_maxdrop_control_dependencyreorder_across_fake_quantallow_custom_opsr   quantize_to_float16dump_graphviz_dirdump_graphviz_include_videorY   r[   enable_select_tf_opssetforce_select_tf_opsr^   convert_to_stablehlolenrH   conversion_summary_dirselect_user_tf_opsr   allow_all_select_tf_ops enable_tflite_resource_variablesunfold_batchmatmullegalize_custom_tensor_list_opslower_tensor_list_ops*default_to_single_batch_in_tensor_list_opsrM   accumulation_typeallow_bfloat16unfold_large_splat_constantsupported_backends disable_per_channel_quantization#enable_mlir_dynamic_range_quantizerenable_dynamic_update_slicepreserve_assert_opr   tf_quantization_modedisable_infer_tensor_rangeuse_fake_quant_num_bits!enable_mlir_variable_quantizationdisable_fuse_mul_and_fcr   CopyFromr   debug_optionsir_dump_dirir_dump_pass_regexir_dump_func_regexenable_timingprint_ir_beforeprint_ir_afterprint_ir_module_scopeelide_elementsattrs_if_largeruse_buffer_offsetreduce_type_precisionqdq_conversion_modestrict_qdq_mode1disable_per_channel_quantization_for_dense_layers enable_composite_direct_loweringModelOriginFrameworkValuemodel_origin_framework#canonicalizing_inf_as_min_max_floatserialize_debug_metadata)8r   r   r   r   default_ranges_statsr   r   r   r   r   r   dump_graphviz_video
target_opsr   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   r   s8                                                           r!   build_conversion_flagsr     s   V +99;$L1%! 0 (C	
 ) -=,K,K)".#0 *>q*A'*>q*A'-D*/H,&6#,B))<&):&1D.z).2+
:6//00-1*((J6.2+((J63z?Q;N
N  .D+''../AB-D*& 3 );%% 2 ,A(0 = )N!9*& %3!1L.''../AB& 3 * 6 2M.(:%1L.,@)0J--D*' 4 .E*))223GH((112EF 1<"".#8J""5#8J""53@""0 5D""24B""1&;P""8".% ""@ "):&&-B*$+>(%4"7 D ' 3 **??EE
  ) * 6 /G+	r#   c           	      \   t        di |}t        di |}|j                  dd      }t        |      D ]  \  }\  }	}
|j                  j                         }t        |      r |r||   \  |_        |_        nt        d      |	|_
        |j                  j                  j                  t        t        t         |
                    |r"|D ]  }	|j"                  j%                  |	        |r"|D ]  }	|j&                  j%                  |	        t)        ||| j+                         d      }|S )a  Convert a frozen GraphDef that can't be loaded in TF.

  Conversion can be customized by providing arguments that are forwarded to
  `build_model_flags` and `build_conversion_flags` (see documentation).

  Args:
    input_data: Input data (i.e. often `sess.graph_def`),
    input_arrays_with_shape: Tuple of strings representing input tensor names
      and list of integers representing input shapes (e.g., [("foo" : [1, 16,
      16, 3])]). Use only when graph cannot be loaded into TensorFlow and when
      `input_tensors` is None.
    output_arrays: List of output tensors to freeze graph with. Use only when
      graph cannot be loaded into TensorFlow and when `output_tensors` is None.
    control_output_arrays: Control output node names. This is used when
      converting a Graph with no output tensors. For example, if the graph's
      last operation is a Print op, just specify that op's name in this field.
      This can be used together with the `output_arrays` parameter.
    **kwargs: See `build_model_flags` and `build_conversion_flags`.

  Returns:
    The converted data. For example if TFLite was the destination, then
    this will be a tflite flatbuffer in a bytes array.

  Raises:
    Defined in `build_conversion_flags`.
  quantized_input_statsNzThe `quantized_input_stats` flag must be defined when either `inference_type` flag or `inference_input_type` flag is set to tf.int8 or tf.uint8.r   rn   )r   r   rG   	enumerateinput_arraysaddr"   
mean_value	std_valuerH   nameshapedimsr   rf   mapintoutput_arraysappendcontrol_output_arraysr   r   )
input_datainput_arrays_with_shaper   r   kwargsr   r   r   idxr   r   input_arraydatas                r!   convert_graphdef_with_arraysr     sA   H "+F+++5f5 **%<dC%&=> 9c=D%**..0K)*:;	8M9
5 5 #
 	

 K!!$s3"789   -&&t,-% 5''..t45 
""$	
$ 
+r#   c                    t        di |}t        di |}|j                  dd      }|j                  dd      }|j                  dd      }|j                  dd      }	t        |      D ]e  \  }
}|j                  j                         }|r|j                  |_        nt        j                  |      |_        t        |j                  d      |_        t        |      r*|r||
   \  |_        |_        nt        j                   d       ||j"                  }n||
   }|j$                  g }|D ]V  }|&t'        |t(        j*                        r|j,                  |j/                  d	       =|j/                  t1        |             X |j"                  j2                  j5                  |       d
|j"                  _        Ud|j"                  _        h |D ]X  }|r&|j8                  j/                  |j                         +|j8                  j/                  t        j                  |             Z t;        ||| j=                         |	r|	j=                         nd      }|S )a  Convert a frozen GraphDef model using the TF Lite converter.

  Conversion can be customized by providing arguments that are forwarded to
  `build_model_flags` and `build_conversion_flags` (see documentation).

  Args:
    input_data: Input data (i.e. often `sess.graph_def`),
   input_tensors: List of input tensors. Type and shape are computed using
     `foo.shape` and `foo.dtype`.
    output_tensors: List of output tensors (only .name is used from this).
    **kwargs: See `build_model_flags` and `build_conversion_flags`.

  Returns:
    The converted data. For example if TFLite was the destination, then
    this will be a tflite flatbuffer in a bytes array.

  Raises:
    Defined in `build_conversion_flags`.
  r   Ninput_shapesr   
debug_infoz"input type of the TensorFlow modelr   zTStatistics for quantized inputs were expected, but not specified; continuing anyway.FTr   rn   )r   r   rG   r   r   r   r   r   get_tensor_namerM   dtype	data_typer"   r   r   warningswarnr   rankrR   r   	Dimensionrb   r   r   r   r   unknown_rankr   r   r   )r   input_tensorsoutput_tensorsr   r   r   r   r   r   r   r   input_tensorr   r   r   dimoutput_tensorr   s                     r!   convert_graphdefr  &  s7   . "+F+++5f5JJ0$7/ND1, **%<dCzz,-*$]3 ),c<**..0K%**k--l;kA"FK **:;	8M9
5 5 	,	

   e3ezzd  #;sL223		8I
++b/
++c#h
  ##D)',k$'+k$S),V & Lm&&}'9'9:&&t';';M'JK	L 
""$7AZ113t	
$ 
+r#   c                  P    t        di | }t        di | }t        ||dd      }|S )z.Converts a SavedModel using TF Lite converter.Nrq   r   rn   )r   r   r   )r   r   r   r   s       r!   convert_saved_modelr  ~  s<    
 "+F+++5f5		
$ 
+r#   c                 B   t        j                         }d|_        |r t         j                  j                  |_        nt         j                  j
                  |_        |D ]#  }|j                  j                         }||_        % t        di |}t        ||| d      }|S )z6Converts a Jax hlo-based model using TFLite converter.TNr  rn   )r   r   use_hlo_import	HLO_PROTOhlo_file_typeHLO_TEXTr   r   r   r   r   )	input_contentinput_namesis_proto_formatr   r   
input_namer   r   r   s	            r!   convert_jax_hlor    s    
 !++-+#+ 0 ; ; E EK 0 ; ; D DK   "j**..0K!K" ,5f5	"	
$ 
+r#   zlite.toco_convert)v1z#Use `lite.TFLiteConverter` instead.c                 $    t        | ||g|i |S )a  Convert a TensorFlow GraphDef to TFLite.

  This function is deprecated. Please use `tf.lite.TFLiteConverter` API instead.
  Conversion can be customized by providing arguments that are forwarded to
  `build_model_flags` and `build_conversion_flags` (see documentation for
  details).
  Args:
    input_data: Input data (i.e. often `sess.graph_def`).
    input_tensors: List of input tensors. Type and shape are computed using
      `foo.shape` and `foo.dtype`.
    output_tensors: List of output tensors (only .name is used from this).
    *args: See `build_model_flags` and `build_conversion_flags`.
    **kwargs: See `build_model_flags` and `build_conversion_flags`.

  Returns:
    The converted TensorFlow Lite model in a bytes array.

  Raises:
    Defined in `convert`.
  )r  )r   r	  r
  argsr   s        r!   toco_convertr    s(    . 
-
26
:@
 r#   c                    t        j                  |       t               }j                  D ]  }t               }|j                  D ]  }|j
                  t        |j
                        D ]d  \  }}|j                  (|t        |j                        k  r|j                  |   r:|j                  |   j                  rT|j                  |       f  |j                  D ]_  }|j                  "|j                  D ]  }|j                  |        |j                  >|j                  D ]  }|j                  |        a |j
                  "|j
                  D ]  }|j                  |        |j                  "|j                  D ]  }|j                  |        |D ]*  }	|j                  |j                  |	   j                         ,  |j!                         D ]  }
|
dk  sgj"                  |
   j$                  Nt'        j"                  |
   j$                  t(              s'j"                  |
   j$                  j*                  dk(  so|j                  |
         G d d      t)        t-        fd|            }t/        |d d      }i }t        |      D ]~  \  }}|j0                  |v r||d	z   d D ]_  }|j0                  |v r|j*                  |j*                  k7  r J|j2                  |j2                  k7  rG|j0                  ||j0                  <   a  j                  D ]f  }|j                  D ]U  }|j
                  |j
                  D ]7  }|j                  |   j                  }
|
|v s!||
   |j                  |   _        9 W h |D ]  }dj"                  |   _         t        j4                        S )
a  Generates a new model byte array after deduplicating readonly buffers.

  This function should be invoked after the model optimization toolkit. The
  model optimization toolkit assumes that each tensor object owns its each
  buffer separately.

  Args:
    tflite_model: TFLite flatbuffer in a byte array to be deduplicated.

  Returns:
    TFLite flatbuffer in a bytes array, processed with the deduplication method.
  Nr   c                       e Zd ZdZd Zy)1deduplicate_readonly_buffers.<locals>.BufferIndexzBA class to store index, size, hash of the buffers in TFLite model.c                 .    || _         || _        || _        y r`   )r   size
hash_value)rc   r   r$  r%  s       r!   __init__z:deduplicate_readonly_buffers.<locals>.BufferIndex.__init__  s    dhdi"dor#   N)ri   rj   rk   rl   r&  rn   r#   r!   BufferIndexr"    s
    L#r#   r'  c                      | j                   |    j                  j                  t        j                  j                   |    j                  j                  j                               j                               S r`   )buffersr   r$  hashlibmd5tobytes	hexdigest)indexr'  models    r!   <lambda>z.deduplicate_readonly_buffers.<locals>.<lambda>  sZ    mmE"'',,kk%--.3388@@BCMMO r#   c                 2    | j                   | j                  fS r`   )r$  r%  )buffers    r!   r0  z.deduplicate_readonly_buffers.<locals>.<lambda>&  s    &++v'8'89 r#   T)keyreverser   )r   convert_bytearray_to_objectr   	subgraphs	operatorsinputsr   mutatingVariableInputsr   tensors
isVariabler   outputsdiscardintermediatesr2  copyr)  r   rR   rf   r$  r   sortedr   r%  convert_object_to_bytearray)tflite_modelread_only_buffer_indicessubgraphread_only_input_tensor_indicesopiinput_tensor_idxoutput_tensor_idxintermediate_tensor_idx
tensor_idx
buffer_idxread_only_buffersduplicate_buffer_mapbuffer_ibuffer_jr  r   r'  r/  s                    @@r!   deduplicate_readonly_buffersrQ    s    
6
6|
D% !U// -Hh &)U"   =		!*299!5 =
!$$0 #b//00++A.,-88
&**+;<==$    J		!# 	D
(
0
01B
C	D				%')'7'7 	J#
(
0
01H
I	JJ "&oo A
&../?@A#'// B
&../@AB 5 H
""8#3#3J#?#F#FGHY-H` -113 3jA~j!&&.emmJ/44d;==$))..!3&&z23# # 	
 #	 
9 01 8ka||++ &a!eg. 8	-	-	(--	'			 3 3	3+3<<8<<(88" // 	h   		)) ,%%l3::
--2F3(

<
(
/	 " #c"EMM## 
	5	5e	<<r#   )r$   )NN)FFNr   NN)Qrl   enumr*  typingr   r  tensorflow.compiler.mlir.liter   r   r   r   r   r   %tensorflow.compiler.mlir.lite.metricsr   $tensorflow.compiler.mlir.lite.pythonr   /tensorflow.compiler.mlir.quantization.stablehlor	   r
   quant_opts_pb2tensorflow.lite.pythonr   r   $tensorflow.lite.python.convert_phaser   r   r   r   &tensorflow.lite.python.metrics.wrapperr   r   tensorflow.lite.toolsr   tensorflow.python.frameworkr   r   tensorflow.python.utilr    tensorflow.python.util.tf_exportr   
_tf_exportr   rA   r"   DTypera   
IODataTyperM   rP   rW   EnumrY   OPTIMIZE_TFLITE_MODELQUANTIZEr   r+   r}   SPARSIFYr   r   r   r   r   TENSORFLOW_GRAPHDEFTFLITEUNSETQuantizationOptionsQuantizationConfigr   CONVERT_TF_TO_TFLITE_MODELCONVERT_GRAPHDEFr   r  CONVERT_SAVED_MODELr  CONVERT_JAX_HLOr  
deprecatedr  rQ  rn   r#   r!   <module>rq     s   8     V M A J ? S f 1 ' : > ? = V 2 . 4 . D4+::4	4. )+'\\'"%''Z )+\\"%>	 M.4TYY .4 .4b y..0E0EF ,,NN^^#!&).? G?D y..0E0EF	K G	K
K  %)$(	6!,,6+::6 SM6 SM	6t  %"#+^ >>33 '' # !%)$)/4 %%*(-$! % %&+!IM"& 	6;%*)//(,"qLH #>#E#EFILZ "22[L^
 ((,*G*GBBJ ((,*G*GRRj ((,*J*J

 ((,*F*F0 #$%CD E &4J=r#   